diff --git a/Directory.Packages.props b/Directory.Packages.props index d588efb0d6..bdcbbb6b70 100644 --- a/Directory.Packages.props +++ b/Directory.Packages.props @@ -37,13 +37,13 @@ - - - - - - - + + + + + + + @@ -93,4 +93,4 @@ - + \ No newline at end of file diff --git a/TUnit-Innovative-Features-Implementation-Plan.md b/TUnit-Innovative-Features-Implementation-Plan.md deleted file mode 100644 index 2f3bb43639..0000000000 --- a/TUnit-Innovative-Features-Implementation-Plan.md +++ /dev/null @@ -1,3350 +0,0 @@ -# TUnit Innovative Features Implementation Plan - -## Executive Summary -This document outlines the implementation strategy for 10 game-changing features that will position TUnit as the most advanced and developer-friendly testing framework in the .NET ecosystem. Each feature addresses specific pain points in modern software testing while leveraging cutting-edge technology. - ---- - -## 1. Smart Test Orchestration with ML-Based Prioritization - -### Overview -An intelligent test execution system that uses machine learning to optimize test run order, predict failures, and handle flaky tests automatically. - -### Key Benefits -- **Faster Feedback**: Run tests most likely to fail first -- **Reduced CI/CD Time**: Smart parallel execution based on historical data -- **Flaky Test Management**: Automatic detection and intelligent retry strategies -- **Predictive Analysis**: Forecast test execution times and potential failures - -### Implementation Architecture - -#### Components -1. **Test History Database** - - SQLite embedded database for storing test execution history - - Schema for tracking: execution time, pass/fail status, code changes, failure patterns - -2. **ML Model Service** - - Lightweight ML.NET integration for pattern recognition - - Features: test name, file changes, historical failure rate, execution time, dependencies - - Online learning: continuously improve predictions with new data - -3. **Test Scheduler** - - Priority queue implementation for test ordering - - Dynamic rebalancing during execution - - Parallel execution optimizer - -### Implementation Plan - -```csharp -// Core interfaces -namespace TUnit.SmartOrchestration -{ - public interface ITestPrioritizer - { - Task> PrioritizeTestsAsync( - IEnumerable tests, - CodeChangeContext changeContext); - } - - public interface IFlakeDetector - { - Task AnalyzeTestAsync(TestCase test); - RetryStrategy GetRetryStrategy(FlakeAnalysis analysis); - } - - public interface ITestHistoryStore - { - Task RecordExecutionAsync(TestExecutionResult result); - Task GetHistoryAsync(string testId, TimeSpan window); - } -} - -// ML Model for prediction -public class TestFailurePredictionModel -{ - private readonly MLContext _mlContext; - private ITransformer _model; - - public class TestFeatures - { - [LoadColumn(0)] public string TestName { get; set; } - [LoadColumn(1)] public float HistoricalFailureRate { get; set; } - [LoadColumn(2)] public float RecentFailureRate { get; set; } - [LoadColumn(3)] public float AverageExecutionTime { get; set; } - [LoadColumn(4)] public float CodeChurn { get; set; } - [LoadColumn(5)] public float DependencyChanges { get; set; } - } - - public class TestPrediction - { - [ColumnName("Score")] public float FailureProbability { get; set; } - } - - public async Task TrainModelAsync(IDataView trainingData) - { - var pipeline = _mlContext.Transforms.Concatenate("Features", - nameof(TestFeatures.HistoricalFailureRate), - nameof(TestFeatures.RecentFailureRate), - nameof(TestFeatures.AverageExecutionTime), - nameof(TestFeatures.CodeChurn), - nameof(TestFeatures.DependencyChanges)) - .Append(_mlContext.BinaryClassification.Trainers.FastTree()); - - _model = await Task.Run(() => pipeline.Fit(trainingData)); - } -} -``` - -#### Database Schema -```sql -CREATE TABLE test_executions ( - id INTEGER PRIMARY KEY AUTOINCREMENT, - test_id TEXT NOT NULL, - execution_time_ms INTEGER NOT NULL, - status TEXT NOT NULL, -- 'Passed', 'Failed', 'Skipped' - failure_message TEXT, - stack_trace TEXT, - timestamp DATETIME DEFAULT CURRENT_TIMESTAMP, - git_commit_hash TEXT, - branch TEXT, - changed_files TEXT -- JSON array -); - -CREATE TABLE test_flakiness ( - test_id TEXT PRIMARY KEY, - flake_score REAL, -- 0.0 to 1.0 - consecutive_passes INTEGER, - consecutive_failures INTEGER, - total_executions INTEGER, - last_updated DATETIME -); - -CREATE INDEX idx_test_executions_test_id ON test_executions(test_id); -CREATE INDEX idx_test_executions_timestamp ON test_executions(timestamp); -``` - -### Integration Points -1. **Source Generator Enhancement**: Generate metadata for ML features -2. **Test Discovery**: Hook into test discovery to apply prioritization -3. **Test Execution**: Intercept test runner to record results -4. **IDE Integration**: VS/Rider extensions to show prediction scores - -### Challenges & Solutions -- **Cold Start**: Use heuristics until enough data collected -- **Data Privacy**: Keep all data local, no cloud dependency -- **Performance**: Use async processing and caching -- **Model Updates**: Background training with minimal impact - ---- - -## 2. Live Test Impact Analysis - -### Overview -Real-time analysis showing which tests are affected by code changes as developers type, enabling instant feedback and targeted test execution. - -### Key Benefits -- **Instant Feedback**: Know affected tests before committing -- **Reduced Test Cycles**: Run only relevant tests -- **Code Coverage Insights**: Understand test relationships -- **Refactoring Confidence**: See impact of changes immediately - -### Implementation Architecture - -#### Components -1. **Roslyn Analyzer Integration** - - Custom analyzer tracking code modifications - - Semantic model analysis for dependency detection - -2. **Dependency Graph Builder** - - Build and maintain test-to-code dependency graph - - Incremental updates on code changes - -3. **IDE Extension** - - Visual Studio and Rider plugins - - Real-time UI updates showing affected tests - -### Implementation Plan - -```csharp -// Roslyn Analyzer for tracking changes -namespace TUnit.ImpactAnalysis -{ - [DiagnosticAnalyzer(LanguageNames.CSharp)] - public class TestImpactAnalyzer : DiagnosticAnalyzer - { - private readonly ITestDependencyGraph _dependencyGraph; - - public override void Initialize(AnalysisContext context) - { - context.ConfigureGeneratedCodeAnalysis(GeneratedCodeAnalysisFlags.None); - context.EnableConcurrentExecution(); - - context.RegisterSyntaxNodeAction(AnalyzeMethodChange, - SyntaxKind.MethodDeclaration); - context.RegisterSyntaxNodeAction(AnalyzePropertyChange, - SyntaxKind.PropertyDeclaration); - } - - private void AnalyzeMethodChange(SyntaxNodeAnalysisContext context) - { - var method = (MethodDeclarationSyntax)context.Node; - var symbol = context.SemanticModel.GetDeclaredSymbol(method); - - if (symbol != null) - { - var affectedTests = _dependencyGraph.GetAffectedTests(symbol); - NotifyIDE(affectedTests); - } - } - } - - public interface ITestDependencyGraph - { - void AddDependency(IMethodSymbol test, ISymbol dependency); - IReadOnlyList GetAffectedTests(ISymbol changedSymbol); - Task BuildGraphAsync(Compilation compilation); - } - - public class IncrementalDependencyGraphBuilder - { - private readonly ConcurrentDictionary> _graph; - - public async Task UpdateGraphAsync(DocumentChangeEvent change) - { - // Incremental update logic - var syntaxTree = await change.Document.GetSyntaxTreeAsync(); - var semanticModel = await change.Document.GetSemanticModelAsync(); - - // Analyze only changed methods - var changedMethods = GetChangedMethods(change.TextChanges, syntaxTree); - foreach (var method in changedMethods) - { - await UpdateMethodDependenciesAsync(method, semanticModel); - } - } - } -} - -// IDE Extension Integration -public class TestImpactVisualizer -{ - private readonly ITestImpactService _impactService; - - public class ImpactGutterGlyph : IGlyphFactory - { - public UIElement GenerateGlyph(IWpfTextViewLine line, IGlyphTag tag) - { - var impactTag = tag as TestImpactTag; - return new ImpactIndicator - { - AffectedTestCount = impactTag.AffectedTests.Count, - Severity = CalculateSeverity(impactTag.AffectedTests) - }; - } - } - - public async Task ShowAffectedTestsAsync(ITextView textView, int lineNumber) - { - var affectedTests = await _impactService.GetAffectedTestsForLineAsync( - textView.TextBuffer.CurrentSnapshot, lineNumber); - - // Show inline adornment with test list - var adornment = new AffectedTestsAdornment(affectedTests) - { - RunTestsCommand = new RelayCommand(() => RunTests(affectedTests)), - DebugTestsCommand = new RelayCommand(() => DebugTests(affectedTests)) - }; - - ShowAdornment(textView, lineNumber, adornment); - } -} -``` - -### Dependency Detection Strategy -```csharp -public class DependencyDetector -{ - public async Task DetectDependenciesAsync(IMethodSymbol testMethod) - { - var dependencies = new Dependencies(); - - // Direct method calls - var methodCalls = await GetMethodCallsAsync(testMethod); - dependencies.AddRange(methodCalls); - - // Property accesses - var propertyAccesses = await GetPropertyAccessesAsync(testMethod); - dependencies.AddRange(propertyAccesses); - - // Type instantiations - var typeInstantiations = await GetTypeInstantiationsAsync(testMethod); - dependencies.AddRange(typeInstantiations); - - // Transitive dependencies (configurable depth) - var transitiveDeps = await GetTransitiveDependenciesAsync( - dependencies, maxDepth: 3); - dependencies.AddRange(transitiveDeps); - - return dependencies; - } -} -``` - -### Integration Points -1. **Roslyn Workspace Events**: Monitor document changes -2. **Language Server Protocol**: For cross-IDE support -3. **Git Integration**: Analyze changes in working directory -4. **Build System**: MSBuild tasks for dependency extraction - -### Challenges & Solutions -- **Performance**: Use incremental compilation and caching -- **Large Codebases**: Implement dependency pruning and pagination -- **Generic Types**: Special handling for generic type dependencies -- **Dynamic Code**: Fallback to runtime analysis when needed - ---- - -## 3. Native Time-Travel Debugging for Tests - -### Overview -Record complete test execution state and replay it step-by-step, enabling developers to debug test failures that occurred in different environments. - -### Key Benefits -- **Debug CI/CD Failures Locally**: Reproduce exact failure conditions -- **State Inspection**: View all variables at any point in execution -- **Reduced Debugging Time**: No need to recreate complex scenarios -- **Team Collaboration**: Share exact test execution recordings - -### Implementation Architecture - -#### Components -1. **Execution Recorder** - - IL weaving to inject recording code - - Efficient binary format for recordings - -2. **State Snapshot Manager** - - Capture object states without modifying them - - Handle circular references and large objects - -3. **Replay Engine** - - Deterministic replay of recorded execution - - Step forward/backward through execution - -### Implementation Plan - -```csharp -namespace TUnit.TimeTravel -{ - // Recording infrastructure - public class TestExecutionRecorder - { - private readonly IRecordingStore _store; - private readonly ThreadLocal _context; - - public class RecordingContext - { - public string TestId { get; set; } - public Stack CallStack { get; set; } - public Dictionary Variables { get; set; } - public List Snapshots { get; set; } - } - - [MethodImpl(MethodImplOptions.AggressiveInlining)] - public void RecordMethodEntry(string methodName, object[] parameters) - { - if (!IsRecording) return; - - var frame = new MethodFrame - { - MethodName = methodName, - Parameters = CaptureState(parameters), - Timestamp = GetHighPrecisionTimestamp() - }; - - _context.Value.CallStack.Push(frame); - _store.AppendFrame(frame); - } - - [MethodImpl(MethodImplOptions.AggressiveInlining)] - public void RecordVariableChange(string variableName, object value) - { - if (!IsRecording) return; - - var snapshot = new StateSnapshot - { - VariableName = variableName, - Value = CaptureState(value), - CallStackDepth = _context.Value.CallStack.Count, - Timestamp = GetHighPrecisionTimestamp() - }; - - _store.AppendSnapshot(snapshot); - } - } - - // IL Weaving using Mono.Cecil - public class RecordingWeaver : IWeavingTask - { - public void Execute() - { - foreach (var type in ModuleDefinition.Types) - { - foreach (var method in type.Methods) - { - if (ShouldInstrument(method)) - { - InstrumentMethod(method); - } - } - } - } - - private void InstrumentMethod(MethodDefinition method) - { - var il = method.Body.GetILProcessor(); - - // Inject at method entry - var recordEntry = ModuleDefinition.ImportReference( - typeof(TestExecutionRecorder).GetMethod(nameof(RecordMethodEntry))); - - var firstInstruction = method.Body.Instructions[0]; - il.InsertBefore(firstInstruction, - il.Create(OpCodes.Ldstr, method.FullName)); - il.InsertBefore(firstInstruction, - il.Create(OpCodes.Call, recordEntry)); - - // Inject at variable assignments - foreach (var instruction in method.Body.Instructions.ToList()) - { - if (IsVariableAssignment(instruction)) - { - InjectVariableRecording(il, instruction); - } - } - } - } - - // Replay Engine - public class TestExecutionReplayer - { - private readonly Recording _recording; - private int _currentFrame; - private readonly Stack _callStack; - - public class ReplaySession - { - public Recording Recording { get; set; } - public int CurrentPosition { get; set; } - public IReadOnlyDictionary CurrentState { get; set; } - public IReadOnlyList CallStack { get; set; } - } - - public async Task LoadRecordingAsync(string recordingId) - { - var recording = await _store.LoadRecordingAsync(recordingId); - return new ReplaySession - { - Recording = recording, - CurrentPosition = 0, - CurrentState = BuildInitialState(recording), - CallStack = new List() - }; - } - - public void StepForward() - { - if (_currentFrame >= _recording.Frames.Count - 1) return; - - var frame = _recording.Frames[++_currentFrame]; - ApplyFrame(frame); - UpdateDebuggerDisplay(); - } - - public void StepBackward() - { - if (_currentFrame <= 0) return; - - // Rebuild state up to previous frame - var targetFrame = _currentFrame - 1; - ResetState(); - - for (int i = 0; i <= targetFrame; i++) - { - ApplyFrame(_recording.Frames[i]); - } - - _currentFrame = targetFrame; - UpdateDebuggerDisplay(); - } - - public object InspectVariable(string variableName) - { - var snapshot = _recording.Snapshots - .LastOrDefault(s => s.FrameIndex <= _currentFrame - && s.VariableName == variableName); - - return snapshot?.Value; - } - } -} - -// Binary format for efficient storage -public class RecordingSerializer -{ - public byte[] Serialize(Recording recording) - { - using var stream = new MemoryStream(); - using var writer = new BinaryWriter(stream); - - // Header - writer.Write(MAGIC_NUMBER); // "TUNR" - writer.Write(FORMAT_VERSION); - writer.Write(recording.TestId); - writer.Write(recording.Timestamp.ToBinary()); - - // Frames - writer.Write(recording.Frames.Count); - foreach (var frame in recording.Frames) - { - WriteFrame(writer, frame); - } - - // Snapshots - writer.Write(recording.Snapshots.Count); - foreach (var snapshot in recording.Snapshots) - { - WriteSnapshot(writer, snapshot); - } - - // Compress the result - return Compress(stream.ToArray()); - } - - private void WriteSnapshot(BinaryWriter writer, StateSnapshot snapshot) - { - writer.Write(snapshot.Timestamp); - writer.Write(snapshot.VariableName); - - // Serialize object state - var serialized = SerializeObject(snapshot.Value); - writer.Write(serialized.Length); - writer.Write(serialized); - } -} -``` - -### Debugger Integration -```csharp -public class TimeTravelDebuggerExtension : IDebuggerVisualizer -{ - public void Show(IDialogVisualizerService windowService, - IVisualizerObjectProvider objectProvider) - { - var recording = objectProvider.GetObject() as Recording; - var replayWindow = new ReplayWindow(recording); - - replayWindow.StepForward += () => _replayer.StepForward(); - replayWindow.StepBackward += () => _replayer.StepBackward(); - replayWindow.Scrub += position => _replayer.JumpTo(position); - - windowService.ShowDialog(replayWindow); - } -} -``` - -### Storage Strategy -- **Local Storage**: SQLite for metadata, file system for recordings -- **Cloud Storage**: Optional Azure Blob/S3 integration for team sharing -- **Compression**: LZ4 for fast compression with reasonable ratios -- **Retention**: Configurable policies for automatic cleanup - -### Challenges & Solutions -- **Performance Impact**: Use async recording with minimal overhead -- **Large Object Graphs**: Implement smart truncation and pagination -- **Non-Deterministic Code**: Record external inputs (time, random, etc.) -- **Security**: Encrypt sensitive data in recordings - ---- - -## 4. Native Property-Based Testing - -### Overview -Built-in support for property-based testing where developers define properties that should hold true, and TUnit automatically generates test cases to verify them. - -### Key Benefits -- **Automatic Edge Case Discovery**: Find bugs you didn't think to test -- **Minimal Reproducers**: Automatically simplify failing cases -- **Better Test Coverage**: Explore input space systematically -- **Contract Verification**: Ensure invariants always hold - -### Implementation Architecture - -#### Components -1. **Generator Engine** - - Type-aware generators for all C# types - - Composable generator combinators - -2. **Shrinker System** - - Automatic minimization of failing inputs - - Type-specific shrinking strategies - -3. **Property Runner** - - Parallel property execution - - Statistical analysis of results - -### Implementation Plan - -```csharp -namespace TUnit.PropertyTesting -{ - // Core property testing attributes and interfaces - [AttributeUsage(AttributeTargets.Method)] - public class PropertyAttribute : TestAttribute - { - public int Iterations { get; set; } = 100; - public int Seed { get; set; } = -1; // -1 for random - public int MaxShrinkIterations { get; set; } = 500; - } - - [AttributeUsage(AttributeTargets.Parameter)] - public class GeneratorAttribute : Attribute - { - public Type GeneratorType { get; set; } - } - - // Generator infrastructure - public interface IGenerator - { - T Generate(Random random, int size); - IEnumerable Shrink(T value); - } - - public static class Generators - { - public static IGenerator Integer(int min = int.MinValue, int max = int.MaxValue) - { - return new IntegerGenerator(min, max); - } - - public static IGenerator String(int minLength = 0, int maxLength = 100, - CharSet charSet = CharSet.All) - { - return new StringGenerator(minLength, maxLength, charSet); - } - - public static IGenerator OneOf(params T[] values) - { - return new OneOfGenerator(values); - } - - public static IGenerator Frequency(params (int weight, IGenerator gen)[] generators) - { - return new FrequencyGenerator(generators); - } - - public static IGenerator> ListOf(IGenerator elementGen, - int minSize = 0, - int maxSize = 100) - { - return new ListGenerator(elementGen, minSize, maxSize); - } - - // Advanced combinators - public static IGenerator Where(this IGenerator gen, Func predicate) - { - return new FilteredGenerator(gen, predicate); - } - - public static IGenerator Select(this IGenerator gen, Func mapper) - { - return new MappedGenerator(gen, mapper); - } - - public static IGenerator<(T1, T2)> Combine( - IGenerator gen1, - IGenerator gen2) - { - return new TupleGenerator(gen1, gen2); - } - } - - // Property execution engine - public class PropertyTestRunner - { - public class PropertyTestResult - { - public bool Passed { get; set; } - public object[] FailingInput { get; set; } - public object[] MinimalFailingInput { get; set; } - public Exception Exception { get; set; } - public int TestsRun { get; set; } - public TimeSpan Duration { get; set; } - public Dictionary Statistics { get; set; } - } - - public async Task RunPropertyAsync( - MethodInfo property, - PropertyAttribute config) - { - var generators = BuildGenerators(property.GetParameters()); - var random = config.Seed == -1 ? new Random() : new Random(config.Seed); - - for (int i = 0; i < config.Iterations; i++) - { - var inputs = GenerateInputs(generators, random, size: i); - - try - { - var result = await InvokePropertyAsync(property, inputs); - if (!IsSuccess(result)) - { - var minimalInputs = await ShrinkInputsAsync( - property, inputs, generators, config.MaxShrinkIterations); - - return new PropertyTestResult - { - Passed = false, - FailingInput = inputs, - MinimalFailingInput = minimalInputs, - TestsRun = i + 1 - }; - } - } - catch (Exception ex) - { - var minimalInputs = await ShrinkInputsAsync( - property, inputs, generators, config.MaxShrinkIterations); - - return new PropertyTestResult - { - Passed = false, - FailingInput = inputs, - MinimalFailingInput = minimalInputs, - Exception = ex, - TestsRun = i + 1 - }; - } - } - - return new PropertyTestResult - { - Passed = true, - TestsRun = config.Iterations - }; - } - - private async Task ShrinkInputsAsync( - MethodInfo property, - object[] failingInputs, - IGenerator[] generators, - int maxIterations) - { - var currentInputs = failingInputs; - var shrinkCount = 0; - - while (shrinkCount < maxIterations) - { - var shrunkInputs = GenerateShrunkVariants(currentInputs, generators); - var foundSmaller = false; - - foreach (var candidate in shrunkInputs) - { - if (await StillFailsAsync(property, candidate)) - { - currentInputs = candidate; - foundSmaller = true; - break; - } - } - - if (!foundSmaller) break; - shrinkCount++; - } - - return currentInputs; - } - } - - // Example usage - public class PropertyTests - { - [Property(Iterations = 1000)] - public void ReverseIsInvolution( - [Generator(typeof(StringGenerator))] string input) - { - var reversed = Reverse(input); - var doubleReversed = Reverse(reversed); - Assert.That(doubleReversed).IsEqualTo(input); - } - - [Property] - public void SortingPreservesElements( - [Generator(typeof(ListGenerator))] List input) - { - var sorted = input.OrderBy(x => x).ToList(); - Assert.That(sorted.Count).IsEqualTo(input.Count); - Assert.That(sorted).ContainsAll(input); - } - - [Property] - public async Task ConcurrentOperationsAreSafe( - [Generator(typeof(OperationSequenceGenerator))] Operation[] operations) - { - var container = new ThreadSafeContainer(); - var tasks = operations.Select(op => Task.Run(() => op.Execute(container))); - await Task.WhenAll(tasks); - - Assert.That(container.IsConsistent()).IsTrue(); - } - } - - // Model-based testing support - public abstract class StateMachine - { - public abstract TState InitialState { get; } - public abstract IGenerator CommandGenerator { get; } - - public abstract TState Execute(TState state, TCommand command); - public abstract void AssertInvariant(TState state); - - [Property] - public void StateMachineProperty( - [Generator(typeof(CommandSequenceGenerator))] TCommand[] commands) - { - var state = InitialState; - - foreach (var command in commands) - { - state = Execute(state, command); - AssertInvariant(state); - } - } - } -} - -// Visual exploration tool -public class PropertyExplorationVisualizer -{ - public void VisualizeInputSpace(PropertyInfo property) - { - var samples = GenerateSamples(property, count: 10000); - var projections = ComputeProjections(samples); - - var visualization = new InputSpaceVisualization - { - ScatterPlots = GenerateScatterPlots(projections), - Histograms = GenerateHistograms(samples), - HeatMap = GenerateCoverageHeatMap(samples), - Statistics = ComputeStatistics(samples) - }; - - ShowVisualizationWindow(visualization); - } -} -``` - -### Generator Library -```csharp -// Built-in generators for common types -public class StringGenerators -{ - public static IGenerator AlphaNumeric(int minLen, int maxLen) - => Generators.String(minLen, maxLen, CharSet.AlphaNumeric); - - public static IGenerator Email() - => from local in AlphaNumeric(1, 20) - from domain in AlphaNumeric(1, 20) - from tld in Generators.OneOf("com", "net", "org", "io") - select $"{local}@{domain}.{tld}"; - - public static IGenerator Url() - => from protocol in Generators.OneOf("http", "https") - from domain in AlphaNumeric(1, 30) - from path in Generators.ListOf(AlphaNumeric(0, 20), 0, 5) - select $"{protocol}://{domain}.com/{string.Join("/", path)}"; -} - -public class NumericGenerators -{ - public static IGenerator PositiveInt() - => Generators.Integer(1, int.MaxValue); - - public static IGenerator NormalDistribution(double mean, double stdDev) - => new NormalDistributionGenerator(mean, stdDev); - - public static IGenerator Money() - => from dollars in Generators.Integer(0, 1000000) - from cents in Generators.Integer(0, 99) - select (decimal)(dollars + cents / 100.0); -} -``` - -### Integration Points -1. **Test Discovery**: Recognize [Property] attributed methods -2. **Test Reporting**: Special formatting for property test results -3. **IDE Support**: IntelliSense for generator combinators -4. **CI/CD**: Reproducible test runs with seed management - -### Challenges & Solutions -- **Performance**: Parallel test case generation and execution -- **Debugging**: Clear reporting of failing cases and shrinking steps -- **Complex Types**: Reflection-based automatic generator creation -- **Infinite Loops**: Timeout mechanisms for property execution - ---- - -## 5. Zero-Config Distributed Execution - -### Overview -Automatically distribute tests across available machines and containers with intelligent sharding based on historical execution times. - -### Key Benefits -- **Linear Scalability**: Add machines to reduce test time -- **Zero Configuration**: Works out of the box -- **Resource Optimization**: Use idle team machines -- **Container Support**: Automatic Docker provisioning - -### Implementation Architecture - -#### Components -1. **Discovery Service** - - mDNS/Bonjour for local network discovery - - Agent registration and health monitoring - -2. **Orchestrator** - - Test distribution algorithm - - Load balancing and fault tolerance - -3. **Execution Agents** - - Lightweight agents on worker machines - - Container-based isolation - -### Implementation Plan - -```csharp -namespace TUnit.Distributed -{ - // Orchestrator - runs on initiating machine - public class DistributedTestOrchestrator - { - private readonly ITestDiscovery _testDiscovery; - private readonly IAgentDiscovery _agentDiscovery; - private readonly ITestShardingStrategy _shardingStrategy; - - public class DistributedTestRun - { - public Guid RunId { get; set; } - public List Shards { get; set; } - public List Agents { get; set; } - public TestRunStatistics Statistics { get; set; } - } - - public async Task RunDistributedAsync( - TestRunConfiguration config) - { - // Discover available agents - var agents = await DiscoverAgentsAsync(config.DiscoveryTimeout); - - if (config.AllowBorrowingIdleMachines) - { - agents.AddRange(await DiscoverIdleTeamMachinesAsync()); - } - - // Discover tests - var tests = await _testDiscovery.DiscoverTestsAsync(config.TestAssemblies); - - // Create optimal shards based on historical data - var shards = await _shardingStrategy.CreateShardsAsync( - tests, - agents.Count, - await GetHistoricalExecutionTimesAsync(tests)); - - // Distribute and execute - var execution = new ParallelExecution(); - var results = await execution.ExecuteAsync( - shards, - async shard => await ExecuteShardOnAgentAsync(shard, SelectAgent(agents)), - config.MaxParallelism); - - return MergeResults(results); - } - - private async Task ExecuteShardOnAgentAsync( - TestShard shard, - AgentConnection agent) - { - try - { - // Send test assemblies if needed - if (!await agent.HasAssembliesAsync(shard.RequiredAssemblies)) - { - await agent.UploadAssembliesAsync(shard.RequiredAssemblies); - } - - // Execute tests - var request = new TestExecutionRequest - { - TestIds = shard.TestIds, - Configuration = shard.Configuration, - Environment = shard.Environment - }; - - var response = await agent.ExecuteTestsAsync(request); - return response.Results; - } - catch (AgentFailureException ex) - { - // Failover to another agent - var fallbackAgent = SelectFallbackAgent(agents, agent); - if (fallbackAgent != null) - { - return await ExecuteShardOnAgentAsync(shard, fallbackAgent); - } - throw; - } - } - } - - // Agent - runs on worker machines - public class TestExecutionAgent - { - private readonly ITestRunner _testRunner; - private readonly IsolationStrategy _isolation; - - public async Task StartAgentAsync(AgentConfiguration config) - { - // Register with mDNS - var mdns = new MDNSService(); - await mdns.RegisterServiceAsync(new ServiceInfo - { - Name = $"tunit-agent-{Environment.MachineName}", - Type = "_tunit-test._tcp", - Port = config.Port, - Properties = new Dictionary - { - ["version"] = Assembly.GetExecutingAssembly().GetName().Version.ToString(), - ["capacity"] = Environment.ProcessorCount.ToString(), - ["platform"] = Environment.OSVersion.Platform.ToString() - } - }); - - // Start gRPC server - var server = new Server - { - Services = { TestExecutionService.BindService(this) }, - Ports = { new ServerPort("0.0.0.0", config.Port, ServerCredentials.Insecure) } - }; - - await server.StartAsync(); - } - - public async Task ExecuteTestsAsync( - TestExecutionRequest request, - ServerCallContext context) - { - // Create isolated environment - var environment = _isolation switch - { - IsolationStrategy.Process => await CreateProcessIsolationAsync(), - IsolationStrategy.Docker => await CreateDockerIsolationAsync(request), - IsolationStrategy.None => new NoIsolation(), - _ => throw new NotSupportedException() - }; - - using (environment) - { - var results = await _testRunner.RunTestsAsync( - request.TestIds, - request.Configuration, - environment); - - return new TestExecutionResponse - { - Results = results, - AgentInfo = GetAgentInfo(), - ExecutionTime = results.TotalDuration - }; - } - } - } - - // Intelligent sharding - public class OptimalShardingStrategy : ITestShardingStrategy - { - public async Task> CreateShardsAsync( - IReadOnlyList tests, - int targetShardCount, - Dictionary historicalTimes) - { - // Use bin packing algorithm for optimal distribution - var bins = new List(targetShardCount); - for (int i = 0; i < targetShardCount; i++) - { - bins.Add(new ShardBin()); - } - - // Sort tests by execution time (longest first) - var sortedTests = tests.OrderByDescending(t => - historicalTimes.GetValueOrDefault(t.Id, TimeSpan.FromSeconds(1))) - .ToList(); - - // Assign tests to bins using LPT (Longest Processing Time) algorithm - foreach (var test in sortedTests) - { - var targetBin = bins.OrderBy(b => b.TotalTime).First(); - targetBin.AddTest(test, historicalTimes.GetValueOrDefault(test.Id)); - } - - // Handle test dependencies and affinity - await ApplyTestAffinityRulesAsync(bins); - - return bins.Select(b => b.ToShard()).ToList(); - } - } - - // Docker-based isolation - public class DockerIsolation : ITestIsolation - { - private readonly DockerClient _dockerClient; - - public async Task CreateEnvironmentAsync( - TestExecutionRequest request) - { - // Create container with test assemblies - var container = await _dockerClient.Containers.CreateContainerAsync( - new CreateContainerParameters - { - Image = "mcr.microsoft.com/dotnet/sdk:8.0", - Cmd = new[] { "dotnet", "test", "--no-build" }, - HostConfig = new HostConfig - { - Memory = 2147483648, // 2GB - CpuShares = 1024, - AutoRemove = true - }, - Volumes = new Dictionary - { - { "/tests", new EmptyStruct() } - } - }); - - // Copy test assemblies to container - await CopyAssembliesToContainerAsync(container.ID, request.Assemblies); - - // Start container - await _dockerClient.Containers.StartContainerAsync(container.ID, null); - - return new DockerEnvironment(container.ID, _dockerClient); - } - } -} - -// Configuration -public class DistributedExecutionConfig -{ - public bool EnableDistribution { get; set; } = true; - public bool AutoDiscoverAgents { get; set; } = true; - public bool AllowBorrowingIdleMachines { get; set; } = false; - public TimeSpan IdleThreshold { get; set; } = TimeSpan.FromMinutes(5); - public IsolationStrategy DefaultIsolation { get; set; } = IsolationStrategy.Process; - public int MaxAgents { get; set; } = 10; - public TimeSpan DiscoveryTimeout { get; set; } = TimeSpan.FromSeconds(5); -} - -// Protocol definition (gRPC) -service TestExecutionService { - rpc ExecuteTests(TestExecutionRequest) returns (TestExecutionResponse); - rpc GetStatus(StatusRequest) returns (StatusResponse); - rpc CancelExecution(CancelRequest) returns (CancelResponse); - rpc UploadAssemblies(stream AssemblyChunk) returns (UploadResponse); -} - -message TestExecutionRequest { - repeated string test_ids = 1; - map configuration = 2; - map environment = 3; -} -``` - -### Network Discovery -```csharp -public class AgentDiscoveryService -{ - private readonly ServiceBrowser _browser; - - public async Task> DiscoverAgentsAsync(TimeSpan timeout) - { - var agents = new List(); - var tcs = new TaskCompletionSource(); - - _browser = new ServiceBrowser(); - _browser.ServiceAdded += (s, e) => - { - if (e.Service.Type == "_tunit-test._tcp") - { - agents.Add(new AgentInfo - { - Name = e.Service.Name, - Address = e.Service.Addresses.First(), - Port = e.Service.Port, - Capabilities = ParseCapabilities(e.Service.Properties) - }); - } - }; - - _browser.StartBrowse("_tunit-test._tcp"); - - await Task.WhenAny( - tcs.Task, - Task.Delay(timeout)); - - return agents; - } - - public async Task> DiscoverIdleTeamMachinesAsync() - { - var idleMachines = new List(); - - // Query Active Directory or similar - var teamMachines = await GetTeamMachinesAsync(); - - foreach (var machine in teamMachines) - { - if (await IsMachineIdleAsync(machine)) - { - // Deploy agent on-demand - var agent = await DeployAgentAsync(machine); - if (agent != null) - { - idleMachines.Add(agent); - } - } - } - - return idleMachines; - } -} -``` - -### Integration Points -1. **CI/CD Systems**: Jenkins, Azure DevOps, GitHub Actions plugins -2. **Cloud Providers**: AWS, Azure, GCP compute instance provisioning -3. **Container Orchestration**: Kubernetes job scheduling -4. **Test Frameworks**: MSTest, xUnit, NUnit compatibility layer - -### Challenges & Solutions -- **Network Security**: Use encrypted connections and authentication -- **Firewall Issues**: Fallback to relay server if direct connection fails -- **Resource Limits**: Implement quotas and throttling -- **Failure Handling**: Automatic retry and redistribution of failed shards - ---- - -## 6. Interactive Test Visualization and Exploration - -### Overview -Rich web-based UI showing test execution as interactive graphs, with 3D visualization, heatmaps, and visual test design capabilities. - -### Key Benefits -- **Visual Understanding**: See test relationships and dependencies -- **Performance Analysis**: Identify bottlenecks visually -- **Pattern Recognition**: Spot failure patterns across tests -- **Visual Test Design**: Create tests using node-based editor - -### Implementation Architecture - -#### Components -1. **Data Collection Service** - - Real-time test execution events - - Metrics aggregation - -2. **Web Application** - - React-based interactive UI - - WebGL/Three.js for 3D visualization - -3. **Visual Test Designer** - - Node-based editor - - Code generation from visual design - -### Implementation Plan - -```csharp -// Backend API -namespace TUnit.Visualization -{ - [ApiController] - [Route("api/visualization")] - public class VisualizationController : ControllerBase - { - private readonly ITestExecutionStore _store; - private readonly IMetricsAggregator _metrics; - - [HttpGet("graph")] - public async Task GetTestGraphAsync( - [FromQuery] GraphFilter filter) - { - var tests = await _store.GetTestsAsync(filter); - var dependencies = await _store.GetDependenciesAsync(tests); - - return new TestGraph - { - Nodes = tests.Select(t => new TestNode - { - Id = t.Id, - Name = t.Name, - Category = t.Category, - Status = t.LastStatus, - Duration = t.AverageDuration, - FailureRate = t.FailureRate, - Position = CalculatePosition(t, dependencies) - }).ToList(), - - Edges = dependencies.Select(d => new TestEdge - { - Source = d.FromTestId, - Target = d.ToTestId, - Type = d.DependencyType, - Strength = d.Strength - }).ToList() - }; - } - - [HttpGet("heatmap")] - public async Task GetExecutionHeatmapAsync( - [FromQuery] DateTime from, - [FromQuery] DateTime to) - { - var executions = await _store.GetExecutionsAsync(from, to); - - return new HeatmapData - { - TimeSlots = GenerateTimeSlots(from, to), - Tests = executions.GroupBy(e => e.TestId) - .Select(g => new HeatmapTest - { - TestId = g.Key, - Values = CalculateHeatmapValues(g) - }).ToList() - }; - } - - [HttpGet("3d-coverage")] - public async Task Get3DCoverageAsync() - { - var coverage = await _metrics.GetCoverageDataAsync(); - - return new Coverage3D - { - Namespaces = coverage.GroupBy(c => c.Namespace) - .Select(ns => new Namespace3D - { - Name = ns.Key, - Position = CalculateNamespacePosition(ns.Key), - Classes = ns.Select(c => new Class3D - { - Name = c.ClassName, - Size = c.LineCount, - Coverage = c.CoveragePercentage, - Color = GetCoverageColor(c.CoveragePercentage), - Height = c.ComplexityScore - }).ToList() - }).ToList() - }; - } - } - - // SignalR Hub for real-time updates - public class TestExecutionHub : Hub - { - private readonly ITestEventStream _eventStream; - - public override async Task OnConnectedAsync() - { - await Groups.AddToGroupAsync(Context.ConnectionId, "test-watchers"); - await base.OnConnectedAsync(); - } - - public async Task SubscribeToTest(string testId) - { - await Groups.AddToGroupAsync(Context.ConnectionId, $"test-{testId}"); - } - - public async Task BroadcastTestUpdate(TestExecutionEvent evt) - { - await Clients.Group($"test-{evt.TestId}") - .SendAsync("TestUpdated", evt); - - await Clients.Group("test-watchers") - .SendAsync("GlobalTestUpdate", evt); - } - } -} - -// Visual Test Designer Backend -namespace TUnit.VisualDesigner -{ - public class VisualTestCompiler - { - public string CompileToCode(VisualTestDefinition visual) - { - var sb = new StringBuilder(); - - // Generate test class - sb.AppendLine($"public class {visual.ClassName}"); - sb.AppendLine("{"); - - // Generate setup from visual nodes - if (visual.SetupNodes.Any()) - { - sb.AppendLine(" [SetUp]"); - sb.AppendLine(" public async Task SetUp()"); - sb.AppendLine(" {"); - foreach (var node in visual.SetupNodes) - { - sb.AppendLine($" {GenerateNodeCode(node)}"); - } - sb.AppendLine(" }"); - } - - // Generate test method - sb.AppendLine($" [{visual.TestType}]"); - foreach (var attribute in visual.Attributes) - { - sb.AppendLine($" [{attribute}]"); - } - sb.AppendLine($" public async Task {visual.TestName}()"); - sb.AppendLine(" {"); - - // Generate test flow from visual graph - var flow = TopologicalSort(visual.Nodes, visual.Connections); - foreach (var node in flow) - { - sb.AppendLine($" {GenerateNodeCode(node)}"); - } - - sb.AppendLine(" }"); - sb.AppendLine("}"); - - return sb.ToString(); - } - - private string GenerateNodeCode(VisualNode node) - { - return node.Type switch - { - NodeType.Arrange => GenerateArrangeCode(node), - NodeType.Act => GenerateActCode(node), - NodeType.Assert => GenerateAssertCode(node), - NodeType.Loop => GenerateLoopCode(node), - NodeType.Conditional => GenerateConditionalCode(node), - _ => throw new NotSupportedException($"Node type {node.Type} not supported") - }; - } - } -} -``` - -### Frontend Implementation (React + Three.js) -```typescript -// 3D Test Visualization Component -import * as THREE from 'three'; -import { Canvas, useFrame } from '@react-three/fiber'; -import { OrbitControls } from '@react-three/drei'; - -interface Test3DGraphProps { - tests: TestNode[]; - dependencies: TestEdge[]; - onTestClick: (testId: string) => void; -} - -export const Test3DGraph: React.FC = ({ - tests, - dependencies, - onTestClick -}) => { - return ( - - - - - {tests.map(test => ( - onTestClick(test.id)} - /> - ))} - - {dependencies.map((dep, i) => ( - - ))} - - - - ); -}; - -// Node-based Visual Test Designer -import ReactFlow, { - Node, - Edge, - Controls, - Background -} from 'react-flow-renderer'; - -export const VisualTestDesigner: React.FC = () => { - const [nodes, setNodes] = useState([]); - const [edges, setEdges] = useState([]); - - const nodeTypes = { - arrange: ArrangeNode, - act: ActNode, - assert: AssertNode, - loop: LoopNode, - conditional: ConditionalNode - }; - - const onNodeDragStop = (event: any, node: Node) => { - // Update node position - }; - - const onConnect = (params: any) => { - // Create new edge - setEdges(eds => addEdge(params, eds)); - }; - - const generateCode = async () => { - const visual = { - nodes, - connections: edges, - className: 'GeneratedTest', - testName: 'TestMethod' - }; - - const response = await fetch('/api/visual-designer/compile', { - method: 'POST', - body: JSON.stringify(visual) - }); - - const { code } = await response.json(); - showGeneratedCode(code); - }; - - return ( -
- - - - - - - - -
- ); -}; - -// Execution Heatmap -import { HeatMapGrid } from 'react-grid-heatmap'; - -export const TestExecutionHeatmap: React.FC = () => { - const [data, setData] = useState(null); - - useEffect(() => { - const eventSource = new EventSource('/api/visualization/heatmap/stream'); - - eventSource.onmessage = (event) => { - const update = JSON.parse(event.data); - setData(current => mergeHeatmapData(current, update)); - }; - - return () => eventSource.close(); - }, []); - - return ( - ( - showTestDetails(x, y)} - /> - )} - xLabelsStyle={() => ({ - fontSize: '0.8rem', - transform: 'rotate(-45deg)' - })} - cellStyle={(x, y, value) => ({ - background: getHeatmapColor(value), - cursor: 'pointer' - })} - /> - ); -}; -``` - -### Real-time Dashboard -```typescript -// WebSocket connection for live updates -export const LiveTestDashboard: React.FC = () => { - const [connection, setConnection] = useState(null); - const [testStats, setTestStats] = useState({}); - - useEffect(() => { - const newConnection = new HubConnectionBuilder() - .withUrl('/testhub') - .withAutomaticReconnect() - .build(); - - newConnection.on('TestUpdated', (event: TestExecutionEvent) => { - setTestStats(current => updateStats(current, event)); - }); - - newConnection.start(); - setConnection(newConnection); - - return () => { - newConnection.stop(); - }; - }, []); - - return ( - - - - - - - - - - ); -}; -``` - -### Integration Points -1. **Test Execution Events**: Hook into test runner for real-time data -2. **Code Coverage Tools**: Import coverage data for visualization -3. **Git Integration**: Show test changes across commits -4. **IDE Plugins**: Launch visualizations from IDE - -### Challenges & Solutions -- **Large Test Suites**: Implement virtualization and pagination -- **Real-time Performance**: Use WebSockets and incremental updates -- **3D Rendering Performance**: LOD (Level of Detail) for large graphs -- **Cross-browser Compatibility**: Progressive enhancement approach - ---- - -## 7. Semantic Snapshot Testing - -### Overview -Built-in snapshot testing that understands the semantic meaning of changes, providing intelligent diffs and automatic versioning. - -### Key Benefits -- **Intelligent Diffs**: Understand structural vs. cosmetic changes -- **Partial Acceptance**: Accept some changes while rejecting others -- **Format Awareness**: JSON, XML, HTML, Image-specific handling -- **AI-Powered Analysis**: Explain why snapshots changed - -### Implementation Architecture - -#### Components -1. **Snapshot Engine** - - Format-specific serializers - - Semantic diff algorithms - -2. **Storage System** - - Version control integration - - Efficient storage with deduplication - -3. **Review Interface** - - Interactive diff viewer - - Partial acceptance UI - -### Implementation Plan - -```csharp -namespace TUnit.Snapshots -{ - // Core snapshot testing infrastructure - public class SnapshotAssertion - { - private readonly ISnapshotStore _store; - private readonly ISnapshotSerializer _serializer; - private readonly ISemanticDiffer _differ; - - public async Task MatchAsync( - T actual, - [CallerMemberName] string testName = "", - [CallerFilePath] string filePath = "") - { - var snapshotId = GenerateSnapshotId(testName, filePath); - var serialized = await _serializer.SerializeAsync(actual); - - var existing = await _store.GetSnapshotAsync(snapshotId); - if (existing == null) - { - // First run - create snapshot - await _store.SaveSnapshotAsync(snapshotId, serialized); - throw new SnapshotNotFoundException( - $"Snapshot created for {testName}. Review and commit."); - } - - var diff = await _differ.CompareAsync(existing, serialized); - if (!diff.IsEquivalent) - { - var analysis = await AnalyzeDifferenceAsync(diff); - throw new SnapshotMismatchException(diff, analysis); - } - } - } - - // Semantic diff engine - public interface ISemanticDiffer - { - Task CompareAsync(Snapshot expected, Snapshot actual); - } - - public class JsonSemanticDiffer : ISemanticDiffer - { - public async Task CompareAsync(Snapshot expected, Snapshot actual) - { - var expectedJson = JToken.Parse(expected.Content); - var actualJson = JToken.Parse(actual.Content); - - var diff = new SemanticDiff(); - await CompareNodesAsync(expectedJson, actualJson, "", diff); - - // Classify changes - foreach (var change in diff.Changes) - { - change.Severity = ClassifyChangeSeverity(change); - change.Category = ClassifyChangeCategory(change); - } - - return diff; - } - - private async Task CompareNodesAsync( - JToken expected, - JToken actual, - string path, - SemanticDiff diff) - { - if (expected?.Type != actual?.Type) - { - diff.AddChange(new SemanticChange - { - Path = path, - Type = ChangeType.TypeMismatch, - Expected = expected?.Type.ToString(), - Actual = actual?.Type.ToString() - }); - return; - } - - switch (expected) - { - case JObject expectedObj: - await CompareObjectsAsync( - expectedObj, - (JObject)actual, - path, - diff); - break; - - case JArray expectedArr: - await CompareArraysAsync( - expectedArr, - (JArray)actual, - path, - diff); - break; - - case JValue expectedVal: - CompareValues(expectedVal, (JValue)actual, path, diff); - break; - } - } - - private async Task CompareArraysAsync( - JArray expected, - JArray actual, - string path, - SemanticDiff diff) - { - // Try to match array elements semantically - var matcher = new ArrayElementMatcher(); - var matches = await matcher.MatchElementsAsync(expected, actual); - - foreach (var match in matches) - { - if (match.IsMatch) - { - await CompareNodesAsync( - match.Expected, - match.Actual, - $"{path}[{match.Index}]", - diff); - } - else if (match.Expected != null) - { - diff.AddChange(new SemanticChange - { - Path = $"{path}[{match.Index}]", - Type = ChangeType.Removed, - Expected = match.Expected.ToString() - }); - } - else - { - diff.AddChange(new SemanticChange - { - Path = $"{path}[{match.Index}]", - Type = ChangeType.Added, - Actual = match.Actual.ToString() - }); - } - } - } - } - - // Image snapshot comparison - public class ImageSemanticDiffer : ISemanticDiffer - { - private readonly IImageComparison _imageComparison; - - public async Task CompareAsync(Snapshot expected, Snapshot actual) - { - var expectedImage = LoadImage(expected.Content); - var actualImage = LoadImage(actual.Content); - - var diff = new SemanticDiff(); - - // Structural comparison - if (expectedImage.Width != actualImage.Width || - expectedImage.Height != actualImage.Height) - { - diff.AddChange(new SemanticChange - { - Type = ChangeType.StructuralChange, - Description = $"Image dimensions changed from " + - $"{expectedImage.Width}x{expectedImage.Height} to " + - $"{actualImage.Width}x{actualImage.Height}" - }); - } - - // Visual comparison - var visualDiff = await _imageComparison.CompareAsync( - expectedImage, - actualImage); - - if (visualDiff.DifferencePercentage > 0.01) // 1% threshold - { - diff.AddChange(new SemanticChange - { - Type = ChangeType.VisualChange, - Description = $"{visualDiff.DifferencePercentage:P} visual difference", - Metadata = new Dictionary - { - ["diffImage"] = visualDiff.DifferenceImage, - ["regions"] = visualDiff.ChangedRegions - } - }); - } - - // Perceptual comparison (using SSIM) - var perceptualSimilarity = CalculateSSIM(expectedImage, actualImage); - if (perceptualSimilarity < 0.98) - { - diff.AddChange(new SemanticChange - { - Type = ChangeType.PerceptualChange, - Description = $"Perceptual similarity: {perceptualSimilarity:P}" - }); - } - - return diff; - } - } - - // AI-powered analysis - public class AISnapshotAnalyzer - { - private readonly ILLMService _llmService; - - public async Task AnalyzeDifferenceAsync( - SemanticDiff diff, - Snapshot expected, - Snapshot actual) - { - var prompt = BuildAnalysisPrompt(diff, expected, actual); - var response = await _llmService.GenerateAsync(prompt); - - return new SnapshotAnalysis - { - Summary = response.Summary, - LikelyReason = response.Reason, - IsBreakingChange = response.IsBreaking, - SuggestedAction = response.SuggestedAction, - RelatedChanges = await FindRelatedChangesAsync(diff) - }; - } - - private string BuildAnalysisPrompt( - SemanticDiff diff, - Snapshot expected, - Snapshot actual) - { - return $@" - Analyze this snapshot change: - - Expected: {expected.Content} - Actual: {actual.Content} - - Changes detected: - {string.Join("\n", diff.Changes.Select(c => c.ToString()))} - - Determine: - 1. What likely caused this change - 2. Is this a breaking change - 3. Should this be accepted or investigated - 4. Summarize the change in one sentence - "; - } - } - - // Interactive review interface - public class SnapshotReviewService - { - public class ReviewSession - { - public string SessionId { get; set; } - public List Changes { get; set; } - public Dictionary Decisions { get; set; } - } - - public async Task StartReviewAsync(TestRun run) - { - var changes = await GetSnapshotChangesAsync(run); - - return new ReviewSession - { - SessionId = Guid.NewGuid().ToString(), - Changes = changes, - Decisions = new Dictionary() - }; - } - - public async Task AcceptChangeAsync( - string sessionId, - string snapshotId, - PartialAcceptance partial = null) - { - var session = await GetSessionAsync(sessionId); - var change = session.Changes.First(c => c.SnapshotId == snapshotId); - - if (partial != null) - { - // Accept only specific parts of the change - var newSnapshot = ApplyPartialAcceptance( - change.Expected, - change.Actual, - partial); - - await _store.SaveSnapshotAsync(snapshotId, newSnapshot); - } - else - { - // Accept entire change - await _store.SaveSnapshotAsync(snapshotId, change.Actual); - } - - session.Decisions[snapshotId] = ReviewDecision.Accepted; - } - } -} - -// Snapshot attributes for configuration -[AttributeUsage(AttributeTargets.Method | AttributeTargets.Class)] -public class SnapshotConfigAttribute : Attribute -{ - public SnapshotFormat Format { get; set; } = SnapshotFormat.Auto; - public bool IgnoreWhitespace { get; set; } = true; - public bool IgnoreOrder { get; set; } = false; - public string[] IgnoreProperties { get; set; } - public double ImageTolerance { get; set; } = 0.01; -} - -// Usage examples -public class SnapshotTests -{ - [Test] - [SnapshotConfig(IgnoreProperties = new[] { "timestamp", "id" })] - public async Task ApiResponse_MatchesSnapshot() - { - var response = await _api.GetUserAsync(123); - await Snapshot.MatchAsync(response); - } - - [Test] - [SnapshotConfig(Format = SnapshotFormat.Image, ImageTolerance = 0.02)] - public async Task UIRendering_MatchesSnapshot() - { - var screenshot = await _browser.TakeScreenshotAsync(); - await Snapshot.MatchAsync(screenshot); - } - - [Test] - public async Task HtmlOutput_MatchesSnapshot() - { - var html = RenderComponent(); - - // Semantic HTML comparison ignores cosmetic changes - await Snapshot.MatchAsync(html, options => options - .IgnoreAttributes("class", "style") - .NormalizeWhitespace() - .IgnoreComments()); - } -} -``` - -### Snapshot Storage Format -```json -{ - "version": "1.0", - "id": "TestClass.TestMethod", - "format": "json", - "content": "...", - "metadata": { - "created": "2024-01-15T10:00:00Z", - "lastModified": "2024-01-20T15:30:00Z", - "hash": "sha256:abc123...", - "testFrameworkVersion": "1.2.3" - }, - "history": [ - { - "version": 1, - "date": "2024-01-15T10:00:00Z", - "author": "user@example.com", - "reason": "Initial snapshot" - } - ] -} -``` - -### Integration Points -1. **Version Control**: Git integration for snapshot files -2. **CI/CD**: Automatic snapshot updates in PRs -3. **Review Tools**: Web UI for reviewing changes -4. **IDE Integration**: Inline snapshot preview and acceptance - -### Challenges & Solutions -- **Large Snapshots**: Implement compression and deduplication -- **Binary Files**: Use perceptual hashing for images -- **Merge Conflicts**: Provide merge tools for snapshot files -- **Performance**: Cache parsed snapshots in memory - ---- - -## 8. AI-Powered Test Generation and Maintenance - -### Overview -Leverage LLMs to automatically generate test cases, suggest missing scenarios, and maintain tests when code changes. - -### Key Benefits -- **Automatic Test Creation**: Generate tests from signatures and docs -- **Natural Language Tests**: Describe intent, get implementation -- **Test Maintenance**: Auto-update tests during refactoring -- **Coverage Analysis**: AI suggests missing test scenarios - -### Implementation Architecture - -#### Components -1. **LLM Integration Layer** - - Multiple provider support (OpenAI, Anthropic, local models) - - Prompt engineering and optimization - -2. **Code Analysis Engine** - - Extract method signatures and documentation - - Understand code intent and behavior - -3. **Test Generation Pipeline** - - Generate, validate, and refine tests - - Ensure compilable and runnable output - -### Implementation Plan - -```csharp -namespace TUnit.AI -{ - // Core AI test generation service - public class AITestGenerationService - { - private readonly ILLMProvider _llmProvider; - private readonly ICodeAnalyzer _codeAnalyzer; - private readonly ITestValidator _testValidator; - - public async Task GenerateTestsAsync( - MethodInfo method, - TestGenerationOptions options = null) - { - options ??= TestGenerationOptions.Default; - - // Analyze method to understand behavior - var analysis = await _codeAnalyzer.AnalyzeMethodAsync(method); - - // Build comprehensive prompt - var prompt = BuildTestGenerationPrompt(analysis, options); - - // Generate tests with LLM - var generatedCode = await _llmProvider.GenerateAsync(prompt, new LLMOptions - { - Temperature = 0.3, // Low temperature for consistent code - MaxTokens = 2000, - Model = options.PreferredModel ?? "gpt-4" - }); - - // Parse and validate generated tests - var tests = ParseGeneratedTests(generatedCode); - var validationResults = await _testValidator.ValidateAsync(tests); - - // Refine tests that don't compile or have issues - if (validationResults.HasErrors) - { - tests = await RefineTestsAsync(tests, validationResults); - } - - return new GeneratedTests - { - Method = method, - Tests = tests, - Coverage = await EstimateCoverageAsync(tests, method) - }; - } - - private TestGenerationPrompt BuildTestGenerationPrompt( - MethodAnalysis analysis, - TestGenerationOptions options) - { - return new TestGenerationPrompt - { - SystemPrompt = @" - You are an expert test engineer. Generate comprehensive unit tests - for the given method. Include: - - Happy path tests - - Edge cases and boundary conditions - - Error handling scenarios - - Null/empty input handling - - Performance considerations if relevant - - Use TUnit framework syntax and follow these patterns: - - Use descriptive test names - - Follow AAA pattern (Arrange, Act, Assert) - - Include relevant test attributes - - Mock dependencies appropriately - ", - - UserPrompt = $@" - Generate comprehensive tests for this method: - - ```csharp - {analysis.MethodSignature} - {analysis.MethodBody} - ``` - - Method Documentation: - {analysis.Documentation} - - Dependencies: - {string.Join("\n", analysis.Dependencies)} - - Related Types: - {string.Join("\n", analysis.RelatedTypes)} - - Test Style: {options.TestStyle} - Mocking Framework: {options.MockingFramework} - Assertion Style: {options.AssertionStyle} - " - }; - } - } - - // Natural language test description - public class NaturalLanguageTestGenerator - { - private readonly ILLMProvider _llmProvider; - private readonly ICodeGenerator _codeGenerator; - - public async Task GenerateFromDescriptionAsync( - string description, - TestContext context) - { - // Understand intent from natural language - var intent = await _llmProvider.GenerateAsync($@" - Analyze this test description and extract: - 1. What is being tested - 2. Setup requirements - 3. Actions to perform - 4. Expected outcomes - 5. Edge cases mentioned - - Description: {description} - - Context: - Project: {context.ProjectName} - Class Under Test: {context.TargetClass} - "); - - // Generate test implementation - var testCode = await _codeGenerator.GenerateTestAsync(intent); - - // Add natural language as comment - return $@" - // Test Intent: {description} - {testCode} - "; - } - } - - // Automatic test repair/maintenance - public class TestMaintenanceService - { - private readonly IChangeDetector _changeDetector; - private readonly ITestRewriter _testRewriter; - private readonly ILLMProvider _llmProvider; - - public async Task MaintainTestsAsync( - CodeChange change) - { - // Detect what changed - var impact = await _changeDetector.AnalyzeImpactAsync(change); - - if (impact.AffectedTests.Count == 0) - return MaintenanceResult.NoChangesNeeded; - - var results = new List(); - - foreach (var test in impact.AffectedTests) - { - var update = await UpdateTestAsync(test, change, impact); - if (update.HasChanges) - { - results.Add(update); - } - } - - return new MaintenanceResult - { - UpdatedTests = results, - Summary = await GenerateMaintenanceSummaryAsync(results) - }; - } - - private async Task UpdateTestAsync( - TestInfo test, - CodeChange change, - ImpactAnalysis impact) - { - // Determine update strategy - var strategy = DetermineUpdateStrategy(change, impact); - - switch (strategy) - { - case UpdateStrategy.RenameOnly: - return await _testRewriter.RenameReferencesAsync(test, change); - - case UpdateStrategy.SignatureChange: - return await AdaptToSignatureChangeAsync(test, change); - - case UpdateStrategy.BehaviorChange: - return await RegenerateTestAsync(test, change); - - default: - return TestUpdate.NoChange; - } - } - - private async Task AdaptToSignatureChangeAsync( - TestInfo test, - CodeChange change) - { - var prompt = $@" - The following method signature changed: - - Old: {change.OldSignature} - New: {change.NewSignature} - - Update this test to work with the new signature: - ```csharp - {test.SourceCode} - ``` - - Preserve the test intent and assertions. - Only modify what's necessary for compatibility. - "; - - var updatedCode = await _llmProvider.GenerateAsync(prompt); - - return new TestUpdate - { - Test = test, - NewCode = updatedCode, - Reason = "Method signature changed", - Confidence = 0.85 - }; - } - } - - // Missing test scenario suggester - public class TestScenarioSuggester - { - private readonly ICodeCoverageAnalyzer _coverageAnalyzer; - private readonly ILLMProvider _llmProvider; - - public async Task> SuggestMissingTestsAsync( - ClassInfo classInfo, - TestCoverage currentCoverage) - { - // Analyze uncovered code paths - var uncoveredPaths = await _coverageAnalyzer.GetUncoveredPathsAsync( - classInfo, - currentCoverage); - - var suggestions = new List(); - - // Generate suggestions for each uncovered path - foreach (var path in uncoveredPaths) - { - var suggestion = await GenerateSuggestionAsync(path, classInfo); - if (suggestion.Priority > 0.5) // Threshold for relevance - { - suggestions.Add(suggestion); - } - } - - // Use AI to suggest additional scenarios - var aiSuggestions = await GenerateAISuggestionsAsync(classInfo, currentCoverage); - suggestions.AddRange(aiSuggestions); - - return suggestions.OrderByDescending(s => s.Priority).ToList(); - } - - private async Task> GenerateAISuggestionsAsync( - ClassInfo classInfo, - TestCoverage coverage) - { - var prompt = $@" - Analyze this class and suggest missing test scenarios: - - Class: {classInfo.Name} - Methods: {string.Join(", ", classInfo.Methods.Select(m => m.Name))} - Current Coverage: {coverage.LinePercentage}% - - Existing Tests: - {string.Join("\n", coverage.Tests.Select(t => t.Name))} - - Suggest important test scenarios that are likely missing. - Focus on: - - Edge cases - - Error conditions - - Boundary values - - Concurrency issues - - Security considerations - "; - - var response = await _llmProvider.GenerateAsync(prompt); - return ParseSuggestions(response); - } - } - - // Integration with IDE - public class AITestGeneratorExtension : IVsPackage - { - public void GenerateTestsCommand(DTE2 dte) - { - var activeDocument = dte.ActiveDocument; - var selection = GetSelectedMethod(activeDocument); - - if (selection != null) - { - var dialog = new TestGenerationDialog - { - Method = selection, - Options = TestGenerationOptions.Default - }; - - if (dialog.ShowDialog() == true) - { - Task.Run(async () => - { - var tests = await _generator.GenerateTestsAsync( - selection, - dialog.Options); - - AddTestsToProject(tests); - }); - } - } - } - } -} - -// Configuration and options -public class TestGenerationOptions -{ - public string PreferredModel { get; set; } = "gpt-4"; - public TestStyle TestStyle { get; set; } = TestStyle.AAA; - public string MockingFramework { get; set; } = "Moq"; - public string AssertionStyle { get; set; } = "FluentAssertions"; - public bool IncludeEdgeCases { get; set; } = true; - public bool IncludePerformanceTests { get; set; } = false; - public bool GenerateDataDrivenTests { get; set; } = true; - public int MaxTestsPerMethod { get; set; } = 10; -} - -// Usage examples -public class AITestUsageExamples -{ - [GenerateTests] // Attribute to auto-generate tests - public int CalculateDiscount(Order order, Customer customer) - { - // AI will analyze this method and generate comprehensive tests - if (order == null) throw new ArgumentNullException(nameof(order)); - - var discount = 0; - if (customer.IsVIP) discount += 10; - if (order.Total > 100) discount += 5; - if (order.Items.Count > 5) discount += 3; - - return Math.Min(discount, 20); - } - - [NaturalLanguageTest(@" - Test that VIP customers get 10% discount, - regular customers with orders over $100 get 5% discount, - and the maximum discount is capped at 20% - ")] - public void DiscountCalculation_TestScenarios() - { - // Test implementation generated from natural language description - } -} -``` - -### LLM Provider Abstraction -```csharp -public interface ILLMProvider -{ - Task GenerateAsync(string prompt, LLMOptions options = null); - Task> GenerateMultipleAsync(string prompt, int count, LLMOptions options = null); - Task GetEmbeddingAsync(string text); -} - -public class OpenAIProvider : ILLMProvider -{ - private readonly OpenAIClient _client; - - public async Task GenerateAsync(string prompt, LLMOptions options = null) - { - var response = await _client.Completions.CreateAsync(new CompletionRequest - { - Model = options?.Model ?? "gpt-4", - Prompt = prompt, - Temperature = options?.Temperature ?? 0.7, - MaxTokens = options?.MaxTokens ?? 1000 - }); - - return response.Choices[0].Text; - } -} - -public class LocalLLMProvider : ILLMProvider -{ - // Implementation for local models (LLaMA, etc.) -} -``` - -### Integration Points -1. **IDE Plugins**: Context menu options for test generation -2. **CLI Tools**: Command-line test generation -3. **Git Hooks**: Auto-update tests on commit -4. **CI/CD**: Generate missing tests in PR checks - -### Challenges & Solutions -- **Code Quality**: Validate and refine generated tests -- **Context Limits**: Chunk large methods and combine results -- **Cost Management**: Cache results and use local models when possible -- **Security**: Never send sensitive code to external APIs - ---- - -## 9. Performance Profiling Built-In - -### Overview -Automatic performance profiling and regression detection integrated directly into the test framework. - -### Key Benefits -- **Automatic Regression Detection**: Catch performance issues early -- **Memory Leak Detection**: Identify memory issues in tests -- **Historical Tracking**: Track performance over time -- **Flame Graphs**: Visualize performance bottlenecks - -### Implementation Architecture - -#### Components -1. **Profiling Engine** - - CPU and memory profiling - - Minimal overhead instrumentation - -2. **Regression Detector** - - Statistical analysis of performance - - Automatic baseline management - -3. **Visualization Tools** - - Flame graphs and timeline views - - Performance dashboards - -### Implementation Plan - -```csharp -namespace TUnit.Performance -{ - // Performance profiling attributes - [AttributeUsage(AttributeTargets.Method | AttributeTargets.Class)] - public class PerformanceTestAttribute : TestAttribute - { - public int WarmupIterations { get; set; } = 3; - public int Iterations { get; set; } = 10; - public double MaxDurationMs { get; set; } = double.MaxValue; - public double MaxMemoryMB { get; set; } = double.MaxValue; - public double RegressionThreshold { get; set; } = 0.1; // 10% - } - - [AttributeUsage(AttributeTargets.Method)] - public class BenchmarkAttribute : PerformanceTestAttribute - { - public bool TrackHistory { get; set; } = true; - public bool GenerateFlameGraph { get; set; } = false; - } - - // Core profiling engine - public class PerformanceProfiler - { - private readonly IProfilerSession _session; - private readonly IMetricsCollector _metrics; - - public async Task ProfileAsync( - Func action, - ProfileOptions options) - { - // Warmup iterations - for (int i = 0; i < options.WarmupIterations; i++) - { - await action(); - GC.Collect(); - GC.WaitForPendingFinalizers(); - GC.Collect(); - } - - var results = new List(); - - // Actual profiling iterations - for (int i = 0; i < options.Iterations; i++) - { - var iteration = await ProfileIterationAsync(action); - results.Add(iteration); - } - - return new PerformanceResult - { - Duration = CalculateStats(results.Select(r => r.Duration)), - Memory = CalculateStats(results.Select(r => r.MemoryDelta)), - Allocations = CalculateStats(results.Select(r => r.Allocations)), - GCCollections = CalculateGCStats(results), - CPUProfile = options.CaptureCPUProfile ? - await CaptureCPUProfileAsync(action) : null, - FlameGraph = options.GenerateFlameGraph ? - await GenerateFlameGraphAsync(action) : null - }; - } - - private async Task ProfileIterationAsync(Func action) - { - // Start profiling - _session.Start(); - - var startMemory = GC.GetTotalMemory(false); - var startAllocations = GC.GetTotalAllocatedBytes(); - var startGC = GetGCCounts(); - - var stopwatch = Stopwatch.StartNew(); - - try - { - await action(); - } - finally - { - stopwatch.Stop(); - _session.Stop(); - } - - var endMemory = GC.GetTotalMemory(false); - var endAllocations = GC.GetTotalAllocatedBytes(); - var endGC = GetGCCounts(); - - return new IterationResult - { - Duration = stopwatch.Elapsed, - MemoryDelta = endMemory - startMemory, - Allocations = endAllocations - startAllocations, - GCGen0 = endGC.Gen0 - startGC.Gen0, - GCGen1 = endGC.Gen1 - startGC.Gen1, - GCGen2 = endGC.Gen2 - startGC.Gen2, - ProfileData = _session.GetData() - }; - } - } - - // Memory leak detection - public class MemoryLeakDetector - { - private readonly WeakReferenceTracker _tracker; - - public async Task DetectLeaksAsync( - Func testAction) - { - // Track objects before test - _tracker.StartTracking(); - - // Run test - await testAction(); - - // Force garbage collection - for (int i = 0; i < 3; i++) - { - GC.Collect(); - GC.WaitForPendingFinalizers(); - } - - // Check for leaked objects - var leakedObjects = _tracker.GetLeakedObjects(); - - if (leakedObjects.Any()) - { - return new MemoryLeakReport - { - HasLeaks = true, - LeakedObjects = leakedObjects, - RetentionPaths = await AnalyzeRetentionPathsAsync(leakedObjects) - }; - } - - return MemoryLeakReport.NoLeaks; - } - - private async Task> AnalyzeRetentionPathsAsync( - List objects) - { - var paths = new List(); - - foreach (var obj in objects) - { - var path = await FindRetentionPathAsync(obj); - if (path != null) - { - paths.Add(path); - } - } - - return paths; - } - } - - // Performance regression detection - public class RegressionDetector - { - private readonly IPerformanceHistory _history; - private readonly IStatisticalAnalyzer _analyzer; - - public async Task AnalyzeAsync( - string testId, - PerformanceResult current) - { - // Get historical data - var history = await _history.GetHistoryAsync(testId, days: 30); - - if (history.Count < 5) - { - return RegressionAnalysis.InsufficientData; - } - - // Calculate baseline using statistical methods - var baseline = CalculateBaseline(history); - - // Perform statistical tests - var durationRegression = _analyzer.DetectRegression( - baseline.Duration, - current.Duration, - RegressionType.Duration); - - var memoryRegression = _analyzer.DetectRegression( - baseline.Memory, - current.Memory, - RegressionType.Memory); - - return new RegressionAnalysis - { - HasRegression = durationRegression.IsSignificant || - memoryRegression.IsSignificant, - DurationAnalysis = durationRegression, - MemoryAnalysis = memoryRegression, - Baseline = baseline, - Current = current, - Confidence = CalculateConfidence(history.Count) - }; - } - - private PerformanceBaseline CalculateBaseline( - List history) - { - // Use robust statistics (median, MAD) to handle outliers - return new PerformanceBaseline - { - Duration = new RobustStats - { - Median = Median(history.Select(h => h.Duration.Median)), - MAD = MedianAbsoluteDeviation(history.Select(h => h.Duration.Median)), - P95 = Percentile(history.Select(h => h.Duration.P95), 95) - }, - Memory = new RobustStats - { - Median = Median(history.Select(h => h.Memory.Median)), - MAD = MedianAbsoluteDeviation(history.Select(h => h.Memory.Median)), - P95 = Percentile(history.Select(h => h.Memory.P95), 95) - } - }; - } - } - - // Flame graph generation - public class FlameGraphGenerator - { - private readonly IStackTraceCollector _collector; - - public async Task GenerateAsync( - Func action, - FlameGraphOptions options) - { - // Collect stack traces - var stacks = await _collector.CollectAsync(action, options.SampleRate); - - // Build flame graph data structure - var root = new FlameGraphNode("root"); - - foreach (var stack in stacks) - { - var current = root; - foreach (var frame in stack.Frames.Reverse()) - { - var child = current.GetOrAddChild(frame.Method); - child.Samples++; - child.Duration += stack.Duration; - current = child; - } - } - - // Prune insignificant nodes - PruneTree(root, options.MinSamplePercent); - - return new FlameGraph - { - Root = root, - TotalSamples = stacks.Count, - TotalDuration = stacks.Sum(s => s.Duration), - Metadata = CollectMetadata(stacks) - }; - } - - public string RenderSVG(FlameGraph graph) - { - var svg = new StringBuilder(); - svg.AppendLine(@""); - - RenderNode(svg, graph.Root, 0, 0, 1000, 20); - - svg.AppendLine(""); - return svg.ToString(); - } - } - - // Historical tracking - public class PerformanceHistory - { - private readonly IHistoryStore _store; - - public async Task RecordAsync( - string testId, - PerformanceResult result) - { - var entry = new HistoryEntry - { - TestId = testId, - Timestamp = DateTime.UtcNow, - Result = result, - Environment = CaptureEnvironment(), - GitCommit = GetCurrentGitCommit() - }; - - await _store.SaveAsync(entry); - - // Update trends - await UpdateTrendsAsync(testId, result); - } - - public async Task GetTrendAsync( - string testId, - TimeSpan window) - { - var history = await _store.GetHistoryAsync(testId, window); - - return new PerformanceTrend - { - TestId = testId, - DataPoints = history.Select(h => new TrendPoint - { - Timestamp = h.Timestamp, - Duration = h.Result.Duration.Median, - Memory = h.Result.Memory.Median - }).ToList(), - DurationTrend = CalculateTrend(history.Select(h => h.Result.Duration.Median)), - MemoryTrend = CalculateTrend(history.Select(h => h.Result.Memory.Median)), - Anomalies = DetectAnomalies(history) - }; - } - } -} - -// Usage examples -public class PerformanceTests -{ - [Benchmark(Iterations = 100, GenerateFlameGraph = true)] - public async Task DatabaseQuery_Performance() - { - await _repository.GetUsersAsync(); - } - - [PerformanceTest(MaxDurationMs = 100, MaxMemoryMB = 10)] - public async Task CriticalPath_MeetsPerformanceRequirements() - { - var result = await ProcessOrderAsync(CreateTestOrder()); - // Test will fail if duration > 100ms or memory > 10MB - } - - [Test] - [DetectMemoryLeaks] - public async Task NoMemoryLeaks_InLongRunningOperation() - { - for (int i = 0; i < 1000; i++) - { - await PerformOperationAsync(); - } - // Test will fail if memory leaks are detected - } -} -``` - -### Integration Points -1. **CI/CD Integration**: Performance gates in build pipelines -2. **Monitoring Systems**: Export metrics to Prometheus/Grafana -3. **IDE Integration**: Show performance hints in editor -4. **Git Integration**: Track performance per commit - -### Challenges & Solutions -- **Overhead**: Use sampling profilers for low overhead -- **Noise**: Statistical methods to filter out noise -- **Environment Differences**: Normalize results across environments -- **Storage**: Efficient storage with data retention policies - ---- - -## 10. Test Context Preservation - -### Overview -Save and share complete test execution contexts including database states, file systems, and external dependencies. - -### Key Benefits -- **Reproducible Failures**: Share exact failure conditions -- **Team Collaboration**: Share test contexts across team -- **Environment Provisioning**: Automatic setup from saved contexts -- **Time Travel**: Restore to any previous test state - -### Implementation Architecture - -#### Components -1. **Context Capture Engine** - - Database state snapshots - - File system captures - - External service mocking - -2. **Context Storage** - - Efficient storage with deduplication - - Version control for contexts - -3. **Context Replay Engine** - - Restore saved contexts - - Environment provisioning - -### Implementation Plan - -```csharp -namespace TUnit.ContextPreservation -{ - // Core context preservation system - public class TestContextManager - { - private readonly List _providers; - private readonly IContextStore _store; - - public async Task CaptureAsync(string testId) - { - var context = new TestContext - { - Id = Guid.NewGuid().ToString(), - TestId = testId, - Timestamp = DateTime.UtcNow, - Providers = new Dictionary() - }; - - // Capture from all providers - foreach (var provider in _providers) - { - var providerContext = await provider.CaptureAsync(); - context.Providers[provider.Name] = providerContext; - } - - // Store context - await _store.SaveAsync(context); - - return context; - } - - public async Task RestoreAsync(string contextId) - { - var context = await _store.LoadAsync(contextId); - - // Restore in dependency order - var sortedProviders = TopologicalSort(_providers); - - foreach (var provider in sortedProviders) - { - if (context.Providers.TryGetValue(provider.Name, out var providerContext)) - { - await provider.RestoreAsync(providerContext); - } - } - } - } - - // Database context provider - public class DatabaseContextProvider : IContextProvider - { - private readonly IDbConnection _connection; - - public async Task CaptureAsync() - { - var tables = await GetTablesAsync(); - var context = new DatabaseContext(); - - foreach (var table in tables) - { - // Capture schema - context.Schemas[table] = await CaptureSchemaAsync(table); - - // Capture data - context.Data[table] = await CaptureDataAsync(table); - - // Capture indexes and constraints - context.Indexes[table] = await CaptureIndexesAsync(table); - context.Constraints[table] = await CaptureConstraintsAsync(table); - } - - // Capture sequences, triggers, etc. - context.Sequences = await CaptureSequencesAsync(); - context.Triggers = await CaptureTriggersAsync(); - - return context; - } - - public async Task RestoreAsync(ProviderContext context) - { - var dbContext = context as DatabaseContext; - - // Begin transaction for atomic restore - using var transaction = _connection.BeginTransaction(); - - try - { - // Disable constraints temporarily - await DisableConstraintsAsync(); - - // Clear existing data - foreach (var table in dbContext.Data.Keys) - { - await TruncateTableAsync(table); - } - - // Restore schemas if needed - foreach (var (table, schema) in dbContext.Schemas) - { - await EnsureSchemaAsync(table, schema); - } - - // Restore data - foreach (var (table, data) in dbContext.Data) - { - await BulkInsertAsync(table, data); - } - - // Restore sequences - foreach (var sequence in dbContext.Sequences) - { - await RestoreSequenceAsync(sequence); - } - - // Re-enable constraints - await EnableConstraintsAsync(); - - transaction.Commit(); - } - catch - { - transaction.Rollback(); - throw; - } - } - } - - // File system context provider - public class FileSystemContextProvider : IContextProvider - { - private readonly string _rootPath; - - public async Task CaptureAsync() - { - var context = new FileSystemContext(); - - // Capture directory structure - context.Structure = await CaptureDirectoryStructureAsync(_rootPath); - - // Capture file contents and metadata - await CaptureFilesAsync(_rootPath, context); - - // Compress for efficient storage - context.CompressedData = await CompressContextAsync(context); - - return context; - } - - private async Task CaptureFilesAsync(string path, FileSystemContext context) - { - foreach (var file in Directory.GetFiles(path, "*", SearchOption.AllDirectories)) - { - var relativePath = Path.GetRelativePath(_rootPath, file); - - context.Files[relativePath] = new FileContext - { - Content = await File.ReadAllBytesAsync(file), - Attributes = File.GetAttributes(file), - CreatedTime = File.GetCreationTimeUtc(file), - ModifiedTime = File.GetLastWriteTimeUtc(file), - Permissions = GetFilePermissions(file) - }; - } - } - } - - // HTTP service context provider - public class HttpServiceContextProvider : IContextProvider - { - private readonly HttpClient _httpClient; - private readonly List _endpoints; - - public async Task CaptureAsync() - { - var context = new HttpServiceContext(); - - foreach (var endpoint in _endpoints) - { - // Capture current state - var response = await _httpClient.GetAsync(endpoint.StateUrl); - context.States[endpoint.Name] = await response.Content.ReadAsStringAsync(); - - // Capture mock responses if in mock mode - if (endpoint.IsMocked) - { - context.MockResponses[endpoint.Name] = await CaptureMockResponsesAsync(endpoint); - } - } - - return context; - } - - public async Task RestoreAsync(ProviderContext context) - { - var httpContext = context as HttpServiceContext; - - foreach (var (service, state) in httpContext.States) - { - var endpoint = _endpoints.First(e => e.Name == service); - - if (endpoint.IsMocked) - { - // Configure mock responses - await ConfigureMockAsync(endpoint, httpContext.MockResponses[service]); - } - else - { - // Restore actual service state if possible - await RestoreServiceStateAsync(endpoint, state); - } - } - } - } - - // Context sharing and collaboration - public class ContextSharingService - { - private readonly IContextStore _localStore; - private readonly ICloudStorage _cloudStorage; - - public async Task ShareContextAsync(string contextId, ShareOptions options) - { - var context = await _localStore.LoadAsync(contextId); - - // Upload to cloud storage - var cloudUrl = await _cloudStorage.UploadAsync(context, options); - - // Generate shareable link - var shareLink = GenerateShareLink(cloudUrl, options); - - // Create share record - await RecordShareAsync(new ShareRecord - { - ContextId = contextId, - ShareLink = shareLink, - ExpiresAt = options.Expiration, - Permissions = options.Permissions - }); - - return shareLink; - } - - public async Task ImportSharedContextAsync(string shareLink) - { - // Validate and parse share link - var shareInfo = ParseShareLink(shareLink); - - // Download from cloud storage - var context = await _cloudStorage.DownloadAsync(shareInfo.CloudUrl); - - // Validate integrity - if (!await ValidateContextIntegrityAsync(context)) - { - throw new CorruptedContextException(); - } - - // Import to local store - await _localStore.SaveAsync(context); - - return context; - } - } - - // Context-aware test execution - public class ContextAwareTestRunner - { - private readonly ITestRunner _testRunner; - private readonly TestContextManager _contextManager; - - public async Task RunWithContextAsync( - TestCase test, - string contextId = null) - { - // Restore context if provided - if (!string.IsNullOrEmpty(contextId)) - { - await _contextManager.RestoreAsync(contextId); - } - - try - { - // Run test - var result = await _testRunner.RunAsync(test); - - // Capture context on failure - if (result.Failed && test.CaptureContextOnFailure) - { - result.FailureContext = await _contextManager.CaptureAsync(test.Id); - } - - return result; - } - finally - { - // Cleanup if needed - if (test.CleanupAfterRun) - { - await CleanupContextAsync(); - } - } - } - } -} - -// Configuration -public class ContextPreservationConfig -{ - public bool EnableAutoCapture { get; set; } = true; - public bool CaptureOnFailure { get; set; } = true; - public List ProvidersToInclude { get; set; } = new() { "Database", "FileSystem" }; - public StorageOptions Storage { get; set; } = new() - { - MaxSizeMB = 100, - CompressionLevel = CompressionLevel.Optimal, - RetentionDays = 30 - }; -} - -// Usage examples -public class ContextPreservationTests -{ - [Test] - [PreserveContext] - public async Task ComplexIntegrationTest() - { - // Test will automatically capture context on failure - await SetupComplexDataAsync(); - var result = await PerformComplexOperationAsync(); - Assert.That(result).IsSuccessful(); - } - - [Test] - [RestoreContext("context-12345")] - public async Task ReplayFailedTest() - { - // Restore exact context from previous failure - var result = await PerformOperationAsync(); - // Debug with exact same conditions - } - - [Test] - public async Task ShareTestContext() - { - // Capture current context - var context = await TestContext.CaptureCurrentAsync(); - - // Share with team - var shareLink = await context.ShareAsync(new ShareOptions - { - Expiration = DateTime.UtcNow.AddDays(7), - Permissions = SharePermissions.ReadOnly - }); - - // Team member can import: await TestContext.ImportAsync(shareLink); - } -} -``` - -### Storage Format -```json -{ - "version": "1.0", - "id": "ctx-abc123", - "testId": "TestClass.TestMethod", - "timestamp": "2024-01-15T10:00:00Z", - "environment": { - "os": "Windows 11", - "runtime": ".NET 8.0", - "machine": "DEV-001" - }, - "providers": { - "database": { - "type": "SqlServer", - "compressed": true, - "data": "base64_encoded_compressed_data" - }, - "fileSystem": { - "rootPath": "C:\\TestData", - "fileCount": 42, - "totalSize": 1048576, - "data": "base64_encoded_compressed_data" - } - } -} -``` - -### Integration Points -1. **Docker Integration**: Export contexts as Docker images -2. **CI/CD Systems**: Restore contexts in pipeline -3. **Cloud Storage**: S3/Azure Blob integration -4. **Version Control**: Store lightweight contexts in git - -### Challenges & Solutions -- **Large Contexts**: Incremental capture and compression -- **Security**: Encryption for sensitive data -- **Versioning**: Handle schema/format changes -- **Performance**: Async capture to avoid blocking tests - ---- - -## Implementation Roadmap - -### Phase 1: Foundation (Months 1-3) -1. Smart Test Orchestration - Core ML infrastructure -2. Performance Profiling - Basic profiling capabilities -3. Property-Based Testing - Core generators and runners - -### Phase 2: Intelligence (Months 4-6) -4. Live Test Impact Analysis - Roslyn integration -5. AI-Powered Test Generation - LLM integration -6. Semantic Snapshot Testing - Smart comparison engine - -### Phase 3: Scale (Months 7-9) -7. Zero-Config Distributed Execution - Agent infrastructure -8. Time-Travel Debugging - Recording and replay -9. Test Context Preservation - Context management - -### Phase 4: Polish (Months 10-12) -10. Interactive Visualization - Web UI and dashboards -11. IDE Integration - VS and Rider extensions -12. Documentation and Examples - -## Success Metrics - -- **Adoption Rate**: Number of projects using TUnit -- **Test Execution Speed**: % improvement over other frameworks -- **Developer Satisfaction**: Survey scores and feedback -- **Bug Detection Rate**: Issues found via new features -- **Community Growth**: Contributors and extensions - -## Conclusion - -These ten innovative features would position TUnit as the most advanced, intelligent, and developer-friendly testing framework in the .NET ecosystem. By focusing on real pain points and leveraging cutting-edge technology, TUnit would offer compelling reasons for teams to migrate from existing frameworks. - -The implementation plan provides a clear technical roadmap with detailed architectures, code examples, and solutions to anticipated challenges. With proper execution, TUnit could revolutionize how .NET developers approach testing. \ No newline at end of file diff --git a/TUnit.Engine.Tests/FSharp.cs b/TUnit.Engine.Tests/FSharp.cs index 068f714cfb..4d8df10074 100644 --- a/TUnit.Engine.Tests/FSharp.cs +++ b/TUnit.Engine.Tests/FSharp.cs @@ -24,7 +24,7 @@ public async Task Test() "--configuration", "Release", "--report-trx", "--report-trx-filename", trxFilename, "--diagnostic-verbosity", "Debug", - "--diagnostic", "--diagnostic-output-fileprefix", $"log_{GetType().Name}_", + "--diagnostic", "--diagnostic-file-prefix", $"log_{GetType().Name}_", "--timeout", "5m", // "--hangdump", "--hangdump-filename", $"hangdump.tests-{guid}.dmp", "--hangdump-timeout", "3m", diff --git a/TUnit.Engine.Tests/InvokableTestBase.cs b/TUnit.Engine.Tests/InvokableTestBase.cs index 7b052d81d1..a5b210f868 100644 --- a/TUnit.Engine.Tests/InvokableTestBase.cs +++ b/TUnit.Engine.Tests/InvokableTestBase.cs @@ -63,7 +63,7 @@ private async Task RunWithoutAot(string filter, "--treenode-filter", filter, "--report-trx", "--report-trx-filename", trxFilename, "--diagnostic-verbosity", "Debug", - "--diagnostic", "--diagnostic-output-fileprefix", $"log_{GetType().Name}_", + "--diagnostic", "--diagnostic-file-prefix", $"log_{GetType().Name}_", "--hangdump", "--hangdump-filename", $"hangdump.{Environment.OSVersion.Platform}.tests-{guid}.dmp", "--hangdump-timeout", "5m", ..runOptions.AdditionalArguments @@ -99,7 +99,7 @@ private async Task RunWithAot(string filter, List> assertions, "--treenode-filter", filter, "--report-trx", "--report-trx-filename", trxFilename, "--diagnostic-verbosity", "Debug", - "--diagnostic", "--diagnostic-output-fileprefix", $"log_{GetType().Name}_AOT_", + "--diagnostic", "--diagnostic-file-prefix", $"log_{GetType().Name}_AOT_", "--timeout", "5m", ..runOptions.AdditionalArguments ] @@ -133,7 +133,7 @@ private async Task RunWithSingleFile(string filter, "--treenode-filter", filter, "--report-trx", "--report-trx-filename", trxFilename, "--diagnostic-verbosity", "Debug", - "--diagnostic", "--diagnostic-output-fileprefix", $"log_{GetType().Name}_SINGLEFILE_", + "--diagnostic", "--diagnostic-file-prefix", $"log_{GetType().Name}_SINGLEFILE_", "--timeout", "5m", ..runOptions.AdditionalArguments ] diff --git a/TUnit.Engine.Tests/VB.cs b/TUnit.Engine.Tests/VB.cs index 55cf5e78d6..a1c7cb40d6 100644 --- a/TUnit.Engine.Tests/VB.cs +++ b/TUnit.Engine.Tests/VB.cs @@ -24,7 +24,7 @@ public async Task Test() "--configuration", "Release", "--report-trx", "--report-trx-filename", trxFilename, "--diagnostic-verbosity", "Debug", - "--diagnostic", "--diagnostic-output-fileprefix", $"log_{GetType().Name}_", + "--diagnostic", "--diagnostic-file-prefix", $"log_{GetType().Name}_", "--timeout", "5m", // "--hangdump", "--hangdump-filename", $"hangdump.tests-{guid}.dmp", "--hangdump-timeout", "3m", diff --git a/TUnit.Engine/Extensions/TestExtensions.cs b/TUnit.Engine/Extensions/TestExtensions.cs index 491822a443..0b7df1b17b 100644 --- a/TUnit.Engine/Extensions/TestExtensions.cs +++ b/TUnit.Engine/Extensions/TestExtensions.cs @@ -22,13 +22,13 @@ internal static TestNode ToTestNode(this TestContext testContext) new LinePosition(testDetails.TestLineNumber, 0) )), new TestMethodIdentifierProperty( - Namespace: testDetails.MethodMetadata.Class.Type.Namespace ?? "", - AssemblyFullName: testDetails.MethodMetadata.Class.Type.Assembly.GetName().FullName, - TypeName: testContext.GetClassTypeName(), - MethodName: testDetails.MethodName, - ParameterTypeFullNames: CreateParameterTypeArray(testDetails.MethodMetadata.Parameters.Select(static p => p.Type).ToArray()), - ReturnTypeFullName: testDetails.ReturnType.FullName ?? typeof(void).FullName!, - MethodArity: testDetails.MethodMetadata.GenericTypeCount + @namespace: testDetails.MethodMetadata.Class.Type.Namespace ?? "", + assemblyFullName: testDetails.MethodMetadata.Class.Type.Assembly.GetName().FullName, + typeName: testContext.GetClassTypeName(), + methodName: testDetails.MethodName, + parameterTypeFullNames: CreateParameterTypeArray(testDetails.MethodMetadata.Parameters.Select(static p => p.Type).ToArray()), + returnTypeFullName: testDetails.ReturnType.FullName ?? typeof(void).FullName!, + methodArity: testDetails.MethodMetadata.GenericTypeCount ), // Custom TUnit Properties diff --git a/TUnit.Engine/Logging/TUnitFrameworkLogger.cs b/TUnit.Engine/Logging/TUnitFrameworkLogger.cs index d29ccb510d..c6b7c1a068 100644 --- a/TUnit.Engine/Logging/TUnitFrameworkLogger.cs +++ b/TUnit.Engine/Logging/TUnitFrameworkLogger.cs @@ -40,7 +40,7 @@ public async ValueTask LogAsync(LogLevel logLevel, TState state, Excepti { ConsoleColor = GetConsoleColor(logLevel) } - }); + }, CancellationToken.None); await _adapter.LogAsync(logLevel, state, exception, formatter); } @@ -60,7 +60,7 @@ public void Log(LogLevel logLevel, TState state, Exception? exception, F { ConsoleColor = GetConsoleColor(logLevel) } - }); + }, CancellationToken.None); _adapter.Log(logLevel, state, exception, formatter); } diff --git a/TUnit.Engine/TUnitMessageBus.cs b/TUnit.Engine/TUnitMessageBus.cs index 4a3c8743e9..20226cbd05 100644 --- a/TUnit.Engine/TUnitMessageBus.cs +++ b/TUnit.Engine/TUnitMessageBus.cs @@ -205,7 +205,7 @@ private IEnumerable GetTrxMessages(TestContext testContext, string s if (!string.IsNullOrEmpty(testContext.SkipReason)) { - yield return new TrxMessage($"Skipped: {testContext.SkipReason}"); + yield return new DebugOrTraceTrxMessage($"Skipped: {testContext.SkipReason}"); } } diff --git a/TUnit.Pipeline/Modules/RunAnalyzersTestsModule.cs b/TUnit.Pipeline/Modules/RunAnalyzersTestsModule.cs index 73cb330a76..796c740b68 100644 --- a/TUnit.Pipeline/Modules/RunAnalyzersTestsModule.cs +++ b/TUnit.Pipeline/Modules/RunAnalyzersTestsModule.cs @@ -17,8 +17,9 @@ public class RunAnalyzersTestsModule : Module { var project = context.Git().RootDirectory.FindFile(x => x.Name == "TUnit.Analyzers.Tests.csproj").AssertExists(); - return await context.DotNet().Test(new DotNetTestOptions(project) + return await context.DotNet().Test(new DotNetTestOptions { + WorkingDirectory = project.Folder!, NoBuild = true, Configuration = Configuration.Release, Framework = "net8.0", diff --git a/TUnit.Pipeline/Modules/RunAssertionsAnalyzersTestsModule.cs b/TUnit.Pipeline/Modules/RunAssertionsAnalyzersTestsModule.cs index 3ce3f2884d..01458e50f1 100644 --- a/TUnit.Pipeline/Modules/RunAssertionsAnalyzersTestsModule.cs +++ b/TUnit.Pipeline/Modules/RunAssertionsAnalyzersTestsModule.cs @@ -17,8 +17,9 @@ public class RunAssertionsAnalyzersTestsModule : Module { var project = context.Git().RootDirectory.FindFile(x => x.Name == "TUnit.Assertions.Analyzers.Tests.csproj").AssertExists(); - return await context.DotNet().Test(new DotNetTestOptions(project) + return await context.DotNet().Test(new DotNetTestOptions { + WorkingDirectory = project.Folder!, NoBuild = true, Configuration = Configuration.Release, Framework = "net8.0", diff --git a/TUnit.Pipeline/Modules/RunAssertionsCodeFixersTestsModule.cs b/TUnit.Pipeline/Modules/RunAssertionsCodeFixersTestsModule.cs index 72e58bbb83..ac7e4af46e 100644 --- a/TUnit.Pipeline/Modules/RunAssertionsCodeFixersTestsModule.cs +++ b/TUnit.Pipeline/Modules/RunAssertionsCodeFixersTestsModule.cs @@ -17,8 +17,9 @@ public class RunAssertionsCodeFixersTestsModule : Module { var project = context.Git().RootDirectory.FindFile(x => x.Name == "TUnit.Assertions.Analyzers.CodeFixers.Tests.csproj").AssertExists(); - return await context.DotNet().Test(new DotNetTestOptions(project) + return await context.DotNet().Test(new DotNetTestOptions { + WorkingDirectory = project.Folder!, NoBuild = true, Configuration = Configuration.Release, Framework = "net8.0", diff --git a/TUnit.Pipeline/Modules/RunRpcTestsModule.cs b/TUnit.Pipeline/Modules/RunRpcTestsModule.cs index 06c07a6d25..a85724add0 100644 --- a/TUnit.Pipeline/Modules/RunRpcTestsModule.cs +++ b/TUnit.Pipeline/Modules/RunRpcTestsModule.cs @@ -8,6 +8,7 @@ namespace TUnit.Pipeline.Modules; [NotInParallel("DotNetTests")] +[RunOnLinuxOnly, RunOnWindowsOnly] public class RunRpcTestsModule : TestBaseModule { protected override IEnumerable TestableFrameworks => diff --git a/TUnit.Pipeline/Modules/RunTemplateTestsModule.cs b/TUnit.Pipeline/Modules/RunTemplateTestsModule.cs index 7277ce520c..ad6f2384bd 100644 --- a/TUnit.Pipeline/Modules/RunTemplateTestsModule.cs +++ b/TUnit.Pipeline/Modules/RunTemplateTestsModule.cs @@ -17,8 +17,9 @@ public class RunTemplateTestsModule : Module { var project = context.Git().RootDirectory.FindFile(x => x.Name == "TUnit.Templates.Tests.csproj").AssertExists(); - return await context.DotNet().Test(new DotNetTestOptions(project) + return await context.DotNet().Test(new DotNetTestOptions { + WorkingDirectory = project.Folder!, NoBuild = true, Configuration = Configuration.Release, Framework = "net9.0", diff --git a/accept-snapshots.csx b/accept-snapshots.csx deleted file mode 100644 index 9120689bff..0000000000 --- a/accept-snapshots.csx +++ /dev/null @@ -1,15 +0,0 @@ -using System.IO; - -var testDir = @"C:\git\TUnit\TUnit.Assertions.SourceGenerator.Tests"; -var receivedFiles = Directory.GetFiles(testDir, "*.received.txt"); - -Console.WriteLine($"Found {receivedFiles.Length} received files"); - -foreach (var file in receivedFiles) -{ - var verifiedFile = file.Replace(".received.txt", ".verified.txt"); - File.Move(file, verifiedFile, overwrite: true); - Console.WriteLine($"Moved: {Path.GetFileName(file)} -> {Path.GetFileName(verifiedFile)}"); -} - -Console.WriteLine("Done!"); diff --git a/aot_output.txt b/aot_output.txt deleted file mode 100644 index 252f99bf01..0000000000 --- a/aot_output.txt +++ /dev/null @@ -1,13 +0,0 @@ - Determining projects to restore... -C:\Program Files\dotnet\sdk\9.0.305\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.Sdk.FrameworkReferenceResolution.targets(107,5): error NETSDK1207: Ahead-of-time compilation is not supported for the target framework. [C:\git\TUnit\TUnit.Analyzers\TUnit.Analyzers.csproj::TargetFramework=netstandard2.0] -C:\Program Files\dotnet\sdk\9.0.305\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.Sdk.FrameworkReferenceResolution.targets(107,5): error NETSDK1207: Ahead-of-time compilation is not supported for the target framework. [C:\git\TUnit\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -C:\Program Files\dotnet\sdk\9.0.305\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.Sdk.FrameworkReferenceResolution.targets(107,5): error NETSDK1207: Ahead-of-time compilation is not supported for the target framework. [C:\git\TUnit\TUnit.Analyzers.CodeFixers\TUnit.Analyzers.CodeFixers.csproj::TargetFramework=netstandard2.0] -C:\Program Files\dotnet\sdk\9.0.305\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.Sdk.FrameworkReferenceResolution.targets(107,5): error NETSDK1207: Ahead-of-time compilation is not supported for the target framework. [C:\git\TUnit\TUnit.Assertions.Analyzers\TUnit.Assertions.Analyzers.csproj::TargetFramework=netstandard2.0] -C:\Program Files\dotnet\sdk\9.0.305\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.Sdk.FrameworkReferenceResolution.targets(107,5): error NETSDK1207: Ahead-of-time compilation is not supported for the target framework. [C:\git\TUnit\TUnit.Assertions.Analyzers.CodeFixers\TUnit.Assertions.Analyzers.CodeFixers.csproj::TargetFramework=netstandard2.0] -C:\Program Files\dotnet\sdk\9.0.305\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.Sdk.FrameworkReferenceResolution.targets(107,5): error NETSDK1207: Ahead-of-time compilation is not supported for the target framework. [C:\git\TUnit\TUnit\TUnit.csproj::TargetFramework=netstandard2.0] -C:\Program Files\dotnet\sdk\9.0.305\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.Sdk.FrameworkReferenceResolution.targets(107,5): error NETSDK1207: Ahead-of-time compilation is not supported for the target framework. [C:\git\TUnit\TUnit.Core\TUnit.Core.csproj::TargetFramework=netstandard2.0] -C:\Program Files\dotnet\sdk\9.0.305\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.Sdk.FrameworkReferenceResolution.targets(107,5): error NETSDK1207: Ahead-of-time compilation is not supported for the target framework. [C:\git\TUnit\TUnit.Assertions.SourceGenerator\TUnit.Assertions.SourceGenerator.csproj::TargetFramework=netstandard2.0] -C:\Program Files\dotnet\sdk\9.0.305\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.Sdk.FrameworkReferenceResolution.targets(107,5): error NETSDK1207: Ahead-of-time compilation is not supported for the target framework. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=netstandard2.0] -C:\Program Files\dotnet\sdk\9.0.305\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.Sdk.FrameworkReferenceResolution.targets(107,5): error NETSDK1207: Ahead-of-time compilation is not supported for the target framework. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\Program Files\dotnet\sdk\9.0.305\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.Sdk.FrameworkReferenceResolution.targets(107,5): error NETSDK1207: Ahead-of-time compilation is not supported for the target framework. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -C:\Program Files\dotnet\sdk\9.0.305\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.Sdk.FrameworkReferenceResolution.targets(107,5): error NETSDK1207: Ahead-of-time compilation is not supported for the target framework. [C:\git\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net6.0] diff --git a/build-output.txt b/build-output.txt deleted file mode 100644 index 7cfb5640fb..0000000000 --- a/build-output.txt +++ /dev/null @@ -1,684 +0,0 @@ - Determining projects to restore... - All projects are up-to-date for restore. -C:\Users\thomh\.nuget\packages\system.text.encodings.web\9.0.0\buildTransitive\netcoreapp2.0\System.Text.Encodings.Web.targets(4,5): warning : System.Text.Encodings.Web 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [C:\git\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -C:\Users\thomh\.nuget\packages\system.io.pipelines\9.0.0\buildTransitive\netcoreapp2.0\System.IO.Pipelines.targets(4,5): warning : System.IO.Pipelines 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [C:\git\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -C:\Users\thomh\.nuget\packages\microsoft.bcl.asyncinterfaces\9.0.0\buildTransitive\netcoreapp2.0\Microsoft.Bcl.AsyncInterfaces.targets(4,5): warning : Microsoft.Bcl.AsyncInterfaces 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [C:\git\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -C:\Users\thomh\.nuget\packages\system.text.json\9.0.0\buildTransitive\netcoreapp2.0\System.Text.Json.targets(4,5): warning : System.Text.Json 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [C:\git\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net6.0] - Removing SourceGeneratedViewer directory... - Removing SourceGeneratedViewer directory... -C:\git\TUnit\TUnit.Assertions.Analyzers\AnalyzerReleases.Shipped.md(5,1): warning RS2007: Analyzer release file 'AnalyzerReleases.Shipped.md' has a missing or invalid release header '#### Assertion Usage Rules' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [C:\git\TUnit\TUnit.Assertions.Analyzers\TUnit.Assertions.Analyzers.csproj::TargetFramework=netstandard2.0] - TUnit.Assertions.Analyzers -> C:\git\TUnit\TUnit.Assertions.Analyzers\bin\Debug\netstandard2.0\TUnit.Assertions.Analyzers.dll - TUnit.Assertions.Analyzers.CodeFixers -> C:\git\TUnit\TUnit.Assertions.Analyzers.CodeFixers\bin\Debug\netstandard2.0\TUnit.Assertions.Analyzers.CodeFixers.dll - TUnit.Assertions.SourceGenerator -> C:\git\TUnit\TUnit.Assertions.SourceGenerator\bin\Debug\netstandard2.0\TUnit.Assertions.SourceGenerator.dll - TUnit.Core -> C:\git\TUnit\TUnit.Core\bin\Debug\net9.0\TUnit.Core.dll - TUnit.Assertions -> C:\git\TUnit\TUnit.Assertions\bin\Debug\net9.0\TUnit.Assertions.dll -C:\git\TUnit\TUnit.Analyzers\AnalyzerReleases.Shipped.md(5,1): warning RS2007: Analyzer release file 'AnalyzerReleases.Shipped.md' has a missing or invalid release header '#### Test Method and Structure Rules' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [C:\git\TUnit\TUnit.Analyzers\TUnit.Analyzers.csproj::TargetFramework=netstandard2.0] - TUnit.Analyzers -> C:\git\TUnit\TUnit.Analyzers\bin\Debug\netstandard2.0\TUnit.Analyzers.dll - TUnit.Core.SourceGenerator -> C:\git\TUnit\TUnit.Core.SourceGenerator\bin\Debug\netstandard2.0\TUnit.Core.SourceGenerator.dll - TUnit.Analyzers.CodeFixers -> C:\git\TUnit\TUnit.Analyzers.CodeFixers\bin\Debug\netstandard2.0\TUnit.Analyzers.CodeFixers.dll -C:\git\TUnit\TUnit.TestProject.Library\AsyncBaseTests.cs(4,23): warning TUnit0059: Abstract test class 'AsyncBaseTests' has test methods with data sources. Add [InheritsTests] on a concrete class to execute these tests. [C:\git\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject.Library\Bugs\1889\BaseTests.cs(3,23): warning TUnit0059: Abstract test class 'BaseTest' has test methods with data sources. Add [InheritsTests] on a concrete class to execute these tests. [C:\git\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject.Library\Bugs\1889\BaseTests.cs(12,17): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject.Library\Bugs\1889\BaseTests.cs(19,17): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net9.0] - TUnit.TestProject.Library -> C:\git\TUnit\TUnit.TestProject.Library\bin\Debug\net9.0\TUnit.TestProject.Library.dll - TUnit.Engine -> C:\git\TUnit\TUnit.Engine\bin\Debug\net9.0\TUnit.Engine.dll - TUnit -> C:\git\TUnit\TUnit\bin\Debug\net9.0\TUnit.dll -C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(39,86): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(56,97): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\AbstractBaseClassPropertyInjectionTests.cs(20,27): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\AbstractBaseClassPropertyInjectionTests.cs(37,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\TransactionTest.cs(11,30): warning CS8618: Non-nullable field '_scope' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the field as nullable. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\AsyncDataSourceExampleTests.cs(7,67): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\AsyncDataSourceExampleTests.cs(59,71): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\AsyncLocalTest.cs(27,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Tests.cs(13,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, StringComparison comparison, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1570\Tests.cs(21,23): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(52,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(54,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(53,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(55,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(69,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(71,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(71,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(73,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\2075\Tests.cs(53,45): warning CS9113: Parameter 'factory' is unread. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(86,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(89,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(93,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(96,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\2136\Tests.cs(17,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(89,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(91,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(94,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(96,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(112,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(115,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(119,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(122,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(112,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(114,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(117,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(119,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(138,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(141,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(145,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(148,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(152,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(155,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Tests.cs(189,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Tests.cs(196,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(135,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(137,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(140,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(142,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(145,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(147,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\3072\Tests.cs(38,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\ClassDataSourceEnumerableTest.cs(6,51): warning CS9113: Parameter 'value' is unread. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\2955\InheritedDataSourceTests.cs(68,27): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\2935\GenericTests.cs(31,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'TypeOfAssertion AssertionExtensions.IsTypeOf(IAssertionSource source)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(171,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(174,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(178,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(181,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(185,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(188,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(204,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(207,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(211,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(214,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(218,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(221,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(225,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(228,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\Issue2887\ReproTest.cs(16,54): warning CS9113: Parameter 'serviceProvider' is unread. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\ClassDisplayNameAttributeTests.cs(23,57): warning CS9113: Parameter 'value' is unread. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\Issue2993\ImplicitConversionTests.cs(27,35): warning CS8600: Converting null literal or possible null value to non-nullable type. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(244,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(247,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(251,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(254,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(258,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(261,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(265,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(268,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Tests.cs(315,15): warning CS8620: Argument of type 'AndContinuation' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringIsNotEmptyAssertion AssertionExtensions.IsNotEmpty(IAssertionSource source)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(293,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(294,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(295,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(296,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(297,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(299,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(300,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(301,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(302,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(303,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(254,9): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(269,9): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(163,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(165,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(168,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(170,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(173,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(175,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(285,9): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\ComprehensiveCountTest.cs(8,44): warning CS9113: Parameter 'classValue' is unread. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\ConfigurationTests.cs(11,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(191,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(193,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(196,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(198,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(201,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(203,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(206,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(208,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\ConfigurationTests.cs(27,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(224,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(226,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(229,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(231,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(234,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(236,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(239,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(241,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\CustomPropertyTests.cs(16,44): error CS0411: The type arguments for method 'AssertionExtensions.ContainsKey(IAssertionSource, TKey, string?)' cannot be inferred from the usage. Try specifying the type arguments explicitly. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\CustomPropertyTests.cs(19,44): error CS0411: The type arguments for method 'AssertionExtensions.ContainsKey(IAssertionSource, TKey, string?)' cannot be inferred from the usage. Try specifying the type arguments explicitly. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\CustomPropertyTests.cs(22,44): error CS0411: The type arguments for method 'AssertionExtensions.ContainsKey(IAssertionSource, TKey, string?)' cannot be inferred from the usage. Try specifying the type arguments explicitly. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\CustomPropertyTests.cs(25,44): error CS0411: The type arguments for method 'AssertionExtensions.ContainsKey(IAssertionSource, TKey, string?)' cannot be inferred from the usage. Try specifying the type arguments explicitly. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(266,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(267,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(268,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(269,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(270,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(272,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(273,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(274,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(275,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(276,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\DependsOnTests3.cs(48,47): error CS0411: The type arguments for method 'AssertionExtensions.ContainsKey(IAssertionSource, TKey, string?)' cannot be inferred from the usage. Try specifying the type arguments explicitly. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\DependsOnTests3.cs(49,47): error CS0411: The type arguments for method 'AssertionExtensions.ContainsKey(IAssertionSource, TKey, string?)' cannot be inferred from the usage. Try specifying the type arguments explicitly. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\DynamicallyRegisteredTests.cs(58,19): warning CS0618: 'TestContext.ReregisterTestWithArguments(object?[]?, Dictionary?)' is obsolete: 'This method is non-functional after the removal of ITestFinder. It will be removed in a future version.' [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\TestMixedGenericParameters.cs(12,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\ExecutionContextRestorationTests.cs(33,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\ExecutionContextRestorationTests.cs(45,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(66,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'NotEqualsAssertion AssertionExtensions.IsNotEqualTo(IAssertionSource source, T? notExpected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(173,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'NotEqualsAssertion AssertionExtensions.IsNotEqualTo(IAssertionSource source, T? notExpected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(126,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'NotEqualsAssertion AssertionExtensions.IsNotEqualTo(IAssertionSource source, T? notExpected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\TestCountVerificationTests.cs(6,45): warning CS9113: Parameter 'value' is unread. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GlobalTestHooks.cs(51,15): warning CS8631: The type 'System.Collections.Generic.Dictionary?' cannot be used as type parameter 'TValue' in the generic type or method 'AssertionExtensions.HasCount(IAssertionSource)'. Nullability of type argument 'System.Collections.Generic.Dictionary?' doesn't match constraint type 'System.Collections.IEnumerable'. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GlobalTestHooks.cs(52,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(15,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(28,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookContextRestorationTests.cs(30,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(37,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\InheritedTestsFromDifferentProjectTests.cs(30,15): warning CS8631: The type 'System.Collections.Generic.List?' cannot be used as type parameter 'TCollection' in the generic type or method 'AssertionExtensions.Contains(IAssertionSource, TItem, string?)'. Nullability of type argument 'System.Collections.Generic.List?' doesn't match constraint type 'System.Collections.Generic.IEnumerable'. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(45,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(56,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(65,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(76,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(85,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\MixedDataSourceBugTest.cs(5,41): warning CS9113: Parameter 'classValue' is unread. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(160,19): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'NotEqualsAssertion AssertionExtensions.IsNotEqualTo(IAssertionSource source, T? notExpected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NotInParallelExecutionTests.cs(28,25): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NotInParallelExecutionTests.cs(53,30): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests2.cs(33,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\ParametersTests.cs(12,79): error CS0411: The type arguments for method 'AssertionExtensions.ContainsKey(IAssertionSource, TKey, string?)' cannot be inferred from the usage. Try specifying the type arguments explicitly. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(94,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\PropertyInitializationTests.cs(98,82): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(103,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\PropertyInitializationTests.cs(108,91): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(112,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\PropertySetterTests.cs(43,19): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(125,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\PropertySetterTests.cs(54,19): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\PropertySetterTests.cs(65,19): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(34,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(61,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(100,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(130,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SimpleGenericTests.cs(13,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'NotEqualsAssertion AssertionExtensions.IsNotEqualTo(IAssertionSource source, T? notExpected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SimpleGenericTests.cs(26,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'NotEqualsAssertion AssertionExtensions.IsNotEqualTo(IAssertionSource source, T? notExpected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\PropertySetterTests.cs(77,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SimpleGenericTests.cs(42,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'NotEqualsAssertion AssertionExtensions.IsNotEqualTo(IAssertionSource source, T? notExpected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SimpleGenericTests.cs(58,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'NotEqualsAssertion AssertionExtensions.IsNotEqualTo(IAssertionSource source, T? notExpected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SimpleGenericTests.cs(59,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'NotEqualsAssertion AssertionExtensions.IsNotEqualTo(IAssertionSource source, T2? notExpected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\TestContextIsolationTests.cs(55,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\TestContextIsolationTests.cs(55,59): warning CS8604: Possible null reference argument for parameter 'expected' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)'. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\TestContextIsolationTests.cs(83,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\TestContextIsolationTests.cs(83,59): warning CS8604: Possible null reference argument for parameter 'expected' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)'. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\CombinedParallelConstraintsTests.cs(253,17): warning CS0219: The variable 'hasOverlap' is assigned but its value is never used [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\TestContextIsolationTests.cs(107,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\TestContextIsolationTests.cs(107,59): warning CS8604: Possible null reference argument for parameter 'expected' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)'. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(124,25): warning CS0414: The field 'MultipleAfterClassHooksTests._testsExecuted' is assigned but its value is never used [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(16,24): warning CS0414: The field 'HookCleanupOnFailureTests._beforeAssemblyCount' is assigned but its value is never used [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(14,25): warning CS0414: The field 'HookExceptionHandlingTests._afterAssemblyExecuted' is assigned but its value is never used [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs(38,25): warning CS0414: The field 'ClassDataSourceRetryTests._wasExecuted' is assigned but its value is never used [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(17,24): warning CS0414: The field 'HookCleanupOnFailureTests._afterAssemblyCount' is assigned but its value is never used [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\CallEventReceiverTests.cs(34,28): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericInheritsTestVerification.cs(4,23): warning TUnit0059: Abstract test class 'GenericBase' has test methods with data sources. Add [InheritsTests] on a concrete class to execute these tests. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericTestExample.cs(3,23): warning TUnit0059: Abstract test class 'GenericTestExample' has test methods with data sources. Add [InheritsTests] on a concrete class to execute these tests. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\DynamicTests\Runtime.cs(13,17): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\Issue2862EmptyDataSource.cs(21,23): warning TUnit0059: Abstract test class 'Issue2862AbstractBase' has test methods with data sources. Add [InheritsTests] on a concrete class to execute these tests. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\TransactionTest.cs(11,30): warning TUnit0023: _scope should be disposed within a clean up method [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\VerifyFixTest.cs(11,27): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\AllDataSourcesCombinedTests.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\ArgumentsWithClassDataSourceTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\CallEventReceiverTests.cs(25,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(219,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(234,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(249,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\2136\Tests.cs(14,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(264,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(279,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\2757\Tests.cs(20,41): warning TUnit0046: Return a `Func` rather than a ``. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\2798\Tests.cs(16,36): warning TUnit0046: Return a `Func` rather than a ``. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\AllDataSourcesCombinedTestsVerification.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\2867\DisposalNotCalledTests.cs(267,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs(45,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\ClassDataSourceDrivenTestsSharedKeyed2.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\3185\BugRepro3185.cs(88,19): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs(76,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(153,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(163,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\ClassDataSourceWithMethodDataSourceTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(80,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(90,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(127,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(223,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(322,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(59,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\Issue2504CollectionExpressionTest.cs(62,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(346,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(20,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(102,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(256,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(171,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(101,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(178,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(113,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(31,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(200,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(358,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(52,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(197,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(69,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(316,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(327,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(400,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(377,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(388,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(106,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(338,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(423,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(435,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(349,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(446,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\ClassDataSourceDrivenTestsSharedKeyed3.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(412,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\TestMixedGenericParameters.cs(8,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\FailFastTest.cs(10,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(63,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(171,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(140,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(73,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(124,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericInheritsTestVerification.cs(15,17): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericInstanceMethodDataSourceTests.cs(15,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericInstanceMethodDataSourceTests.cs(59,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericMatrixTests.cs(11,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericMatrixTests.cs(63,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(82,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(92,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericInstanceMethodDataSourceTests.cs(26,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericMatrixTests.cs(73,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(101,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericTestExample.cs(15,17): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericMatrixTests.cs(22,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(110,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(41,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericMatrixTests.cs(36,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(49,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericTypeTests.cs(79,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericTypeTests.cs(9,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericMatrixTests.cs(47,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookGeneratorTest.cs(9,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookGeneratorTest.cs(15,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(57,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(13,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericTypeTests.cs(20,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericTypeTests.cs(52,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(43,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericTypeTests.cs(61,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(54,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(63,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\MinimalDiscoveryTest.cs(8,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericMethodTests.cs(11,17): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\MultipleClassDataGeneratorsTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\MethodDataSourceWithArgumentsTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\MultipleDataSourcesTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(155,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(70,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(12,73): warning TUnit0301: Tuple parameter 'value2' - consider using concrete types for AOT compatibility uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(22,65): warning TUnit0301: Tuple parameter 'value' - consider using concrete types for AOT compatibility uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(32,67): warning TUnit0301: Tuple parameter 'value1' - consider using concrete types for AOT compatibility uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(32,86): warning TUnit0301: Tuple parameter 'value2' - consider using concrete types for AOT compatibility uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(43,86): warning TUnit0301: Tuple parameter 'value2' - consider using concrete types for AOT compatibility uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(54,82): warning TUnit0301: Tuple parameter 'value2' - consider using concrete types for AOT compatibility uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(110,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(123,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(64,86): warning TUnit0301: Tuple parameter 'value2' - consider using concrete types for AOT compatibility uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(121,45): warning TUnit0046: Return a `Func` rather than a ``. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedTupleTest.cs(8,71): warning TUnit0301: Tuple parameter 'data2' - consider using concrete types for AOT compatibility uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SimpleGenericTests.cs(11,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedTupleTest.cs(16,64): warning TUnit0301: Tuple parameter 'data' - consider using concrete types for AOT compatibility uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(74,83): warning TUnit0301: Tuple parameter 'value2' - consider using concrete types for AOT compatibility uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SimpleGenericTests.cs(23,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SimpleHookTest.cs(23,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SimpleHookTest.cs(28,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SimpleGenericTests.cs(56,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(84,88): warning TUnit0301: Tuple parameter 'value2' - consider using concrete types for AOT compatibility uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SimpleStaticTest.cs(9,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SimpleTupleTest.cs(11,56): warning TUnit0301: Tuple parameter 'value' - consider using concrete types for AOT compatibility uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SmartInferenceTests.cs(11,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SmartInferenceTests.cs(27,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] - -Build FAILED. - -C:\Users\thomh\.nuget\packages\system.text.encodings.web\9.0.0\buildTransitive\netcoreapp2.0\System.Text.Encodings.Web.targets(4,5): warning : System.Text.Encodings.Web 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [C:\git\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -C:\Users\thomh\.nuget\packages\system.io.pipelines\9.0.0\buildTransitive\netcoreapp2.0\System.IO.Pipelines.targets(4,5): warning : System.IO.Pipelines 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [C:\git\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -C:\Users\thomh\.nuget\packages\microsoft.bcl.asyncinterfaces\9.0.0\buildTransitive\netcoreapp2.0\Microsoft.Bcl.AsyncInterfaces.targets(4,5): warning : Microsoft.Bcl.AsyncInterfaces 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [C:\git\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -C:\Users\thomh\.nuget\packages\system.text.json\9.0.0\buildTransitive\netcoreapp2.0\System.Text.Json.targets(4,5): warning : System.Text.Json 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [C:\git\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -C:\git\TUnit\TUnit.Assertions.Analyzers\AnalyzerReleases.Shipped.md(5,1): warning RS2007: Analyzer release file 'AnalyzerReleases.Shipped.md' has a missing or invalid release header '#### Assertion Usage Rules' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [C:\git\TUnit\TUnit.Assertions.Analyzers\TUnit.Assertions.Analyzers.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Analyzers\AnalyzerReleases.Shipped.md(5,1): warning RS2007: Analyzer release file 'AnalyzerReleases.Shipped.md' has a missing or invalid release header '#### Test Method and Structure Rules' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [C:\git\TUnit\TUnit.Analyzers\TUnit.Analyzers.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.TestProject.Library\AsyncBaseTests.cs(4,23): warning TUnit0059: Abstract test class 'AsyncBaseTests' has test methods with data sources. Add [InheritsTests] on a concrete class to execute these tests. [C:\git\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject.Library\Bugs\1889\BaseTests.cs(3,23): warning TUnit0059: Abstract test class 'BaseTest' has test methods with data sources. Add [InheritsTests] on a concrete class to execute these tests. [C:\git\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject.Library\Bugs\1889\BaseTests.cs(12,17): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject.Library\Bugs\1889\BaseTests.cs(19,17): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(39,86): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(56,97): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\AbstractBaseClassPropertyInjectionTests.cs(20,27): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\AbstractBaseClassPropertyInjectionTests.cs(37,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\TransactionTest.cs(11,30): warning CS8618: Non-nullable field '_scope' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the field as nullable. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\AsyncDataSourceExampleTests.cs(7,67): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\AsyncDataSourceExampleTests.cs(59,71): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\AsyncLocalTest.cs(27,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Tests.cs(13,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, StringComparison comparison, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1570\Tests.cs(21,23): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(52,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(54,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(53,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(55,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(69,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(71,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(71,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(73,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\2075\Tests.cs(53,45): warning CS9113: Parameter 'factory' is unread. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(86,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(89,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(93,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(96,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\2136\Tests.cs(17,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(89,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(91,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(94,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(96,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(112,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(115,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(119,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(122,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(112,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(114,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(117,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(119,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(138,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(141,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(145,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(148,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(152,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(155,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Tests.cs(189,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Tests.cs(196,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(135,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(137,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(140,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(142,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(145,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(147,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\3072\Tests.cs(38,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\ClassDataSourceEnumerableTest.cs(6,51): warning CS9113: Parameter 'value' is unread. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\2955\InheritedDataSourceTests.cs(68,27): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\2935\GenericTests.cs(31,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'TypeOfAssertion AssertionExtensions.IsTypeOf(IAssertionSource source)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(171,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(174,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(178,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(181,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(185,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(188,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(204,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(207,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(211,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(214,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(218,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(221,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(225,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(228,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\Issue2887\ReproTest.cs(16,54): warning CS9113: Parameter 'serviceProvider' is unread. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\ClassDisplayNameAttributeTests.cs(23,57): warning CS9113: Parameter 'value' is unread. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\Issue2993\ImplicitConversionTests.cs(27,35): warning CS8600: Converting null literal or possible null value to non-nullable type. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(244,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(247,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(251,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(254,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(258,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(261,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(265,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(268,9): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Tests.cs(315,15): warning CS8620: Argument of type 'AndContinuation' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringIsNotEmptyAssertion AssertionExtensions.IsNotEmpty(IAssertionSource source)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(293,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(294,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(295,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(296,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(297,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(299,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(300,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(301,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(302,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(303,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(254,9): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(269,9): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(163,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(165,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(168,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(170,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(173,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(175,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(285,9): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\ComprehensiveCountTest.cs(8,44): warning CS9113: Parameter 'classValue' is unread. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\ConfigurationTests.cs(11,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(191,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(193,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(196,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(198,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(201,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(203,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(206,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(208,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\ConfigurationTests.cs(27,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(224,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(226,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(229,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(231,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(234,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(236,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(239,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(241,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(266,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(267,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(268,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(269,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(270,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(272,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(273,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(274,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(275,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(276,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\DynamicallyRegisteredTests.cs(58,19): warning CS0618: 'TestContext.ReregisterTestWithArguments(object?[]?, Dictionary?)' is obsolete: 'This method is non-functional after the removal of ITestFinder. It will be removed in a future version.' [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\TestMixedGenericParameters.cs(12,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\ExecutionContextRestorationTests.cs(33,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\ExecutionContextRestorationTests.cs(45,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(66,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'NotEqualsAssertion AssertionExtensions.IsNotEqualTo(IAssertionSource source, T? notExpected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(173,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'NotEqualsAssertion AssertionExtensions.IsNotEqualTo(IAssertionSource source, T? notExpected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(126,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'NotEqualsAssertion AssertionExtensions.IsNotEqualTo(IAssertionSource source, T? notExpected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\TestCountVerificationTests.cs(6,45): warning CS9113: Parameter 'value' is unread. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GlobalTestHooks.cs(51,15): warning CS8631: The type 'System.Collections.Generic.Dictionary?' cannot be used as type parameter 'TValue' in the generic type or method 'AssertionExtensions.HasCount(IAssertionSource)'. Nullability of type argument 'System.Collections.Generic.Dictionary?' doesn't match constraint type 'System.Collections.IEnumerable'. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GlobalTestHooks.cs(52,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(15,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(28,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookContextRestorationTests.cs(30,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(37,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\InheritedTestsFromDifferentProjectTests.cs(30,15): warning CS8631: The type 'System.Collections.Generic.List?' cannot be used as type parameter 'TCollection' in the generic type or method 'AssertionExtensions.Contains(IAssertionSource, TItem, string?)'. Nullability of type argument 'System.Collections.Generic.List?' doesn't match constraint type 'System.Collections.Generic.IEnumerable'. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(45,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(56,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(65,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(76,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(85,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\MixedDataSourceBugTest.cs(5,41): warning CS9113: Parameter 'classValue' is unread. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(160,19): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'NotEqualsAssertion AssertionExtensions.IsNotEqualTo(IAssertionSource source, T? notExpected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NotInParallelExecutionTests.cs(28,25): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NotInParallelExecutionTests.cs(53,30): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests2.cs(33,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(94,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\PropertyInitializationTests.cs(98,82): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(103,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\PropertyInitializationTests.cs(108,91): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(112,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\PropertySetterTests.cs(43,19): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(125,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\PropertySetterTests.cs(54,19): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\PropertySetterTests.cs(65,19): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(34,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(61,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(100,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(130,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SimpleGenericTests.cs(13,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'NotEqualsAssertion AssertionExtensions.IsNotEqualTo(IAssertionSource source, T? notExpected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SimpleGenericTests.cs(26,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'NotEqualsAssertion AssertionExtensions.IsNotEqualTo(IAssertionSource source, T? notExpected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\PropertySetterTests.cs(77,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SimpleGenericTests.cs(42,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'NotEqualsAssertion AssertionExtensions.IsNotEqualTo(IAssertionSource source, T? notExpected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SimpleGenericTests.cs(58,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'NotEqualsAssertion AssertionExtensions.IsNotEqualTo(IAssertionSource source, T? notExpected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SimpleGenericTests.cs(59,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'NotEqualsAssertion AssertionExtensions.IsNotEqualTo(IAssertionSource source, T2? notExpected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\TestContextIsolationTests.cs(55,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\TestContextIsolationTests.cs(55,59): warning CS8604: Possible null reference argument for parameter 'expected' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)'. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\TestContextIsolationTests.cs(83,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\TestContextIsolationTests.cs(83,59): warning CS8604: Possible null reference argument for parameter 'expected' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)'. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\CombinedParallelConstraintsTests.cs(253,17): warning CS0219: The variable 'hasOverlap' is assigned but its value is never used [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\TestContextIsolationTests.cs(107,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\TestContextIsolationTests.cs(107,59): warning CS8604: Possible null reference argument for parameter 'expected' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)'. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(124,25): warning CS0414: The field 'MultipleAfterClassHooksTests._testsExecuted' is assigned but its value is never used [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(16,24): warning CS0414: The field 'HookCleanupOnFailureTests._beforeAssemblyCount' is assigned but its value is never used [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(14,25): warning CS0414: The field 'HookExceptionHandlingTests._afterAssemblyExecuted' is assigned but its value is never used [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs(38,25): warning CS0414: The field 'ClassDataSourceRetryTests._wasExecuted' is assigned but its value is never used [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(17,24): warning CS0414: The field 'HookCleanupOnFailureTests._afterAssemblyCount' is assigned but its value is never used [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\CallEventReceiverTests.cs(34,28): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericInheritsTestVerification.cs(4,23): warning TUnit0059: Abstract test class 'GenericBase' has test methods with data sources. Add [InheritsTests] on a concrete class to execute these tests. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericTestExample.cs(3,23): warning TUnit0059: Abstract test class 'GenericTestExample' has test methods with data sources. Add [InheritsTests] on a concrete class to execute these tests. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\DynamicTests\Runtime.cs(13,17): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\Issue2862EmptyDataSource.cs(21,23): warning TUnit0059: Abstract test class 'Issue2862AbstractBase' has test methods with data sources. Add [InheritsTests] on a concrete class to execute these tests. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\TransactionTest.cs(11,30): warning TUnit0023: _scope should be disposed within a clean up method [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\VerifyFixTest.cs(11,27): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\AllDataSourcesCombinedTests.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\ArgumentsWithClassDataSourceTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\CallEventReceiverTests.cs(25,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(219,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(234,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(249,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\2136\Tests.cs(14,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(264,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(279,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\2757\Tests.cs(20,41): warning TUnit0046: Return a `Func` rather than a ``. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\2798\Tests.cs(16,36): warning TUnit0046: Return a `Func` rather than a ``. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\AllDataSourcesCombinedTestsVerification.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\2867\DisposalNotCalledTests.cs(267,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs(45,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\ClassDataSourceDrivenTestsSharedKeyed2.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\3185\BugRepro3185.cs(88,19): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs(76,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(153,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(163,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\ClassDataSourceWithMethodDataSourceTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(80,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(90,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(127,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(223,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(322,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(59,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\Issue2504CollectionExpressionTest.cs(62,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(346,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(20,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(102,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(256,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(171,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(101,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(178,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(113,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(31,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(200,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(358,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(52,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(197,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(69,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(316,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(327,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(400,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(377,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(388,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(106,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(338,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(423,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(435,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(349,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(446,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\ClassDataSourceDrivenTestsSharedKeyed3.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(412,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\TestMixedGenericParameters.cs(8,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\FailFastTest.cs(10,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(63,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(171,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(140,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(73,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(124,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericInheritsTestVerification.cs(15,17): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericInstanceMethodDataSourceTests.cs(15,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericInstanceMethodDataSourceTests.cs(59,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericMatrixTests.cs(11,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericMatrixTests.cs(63,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(82,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(92,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericInstanceMethodDataSourceTests.cs(26,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericMatrixTests.cs(73,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(101,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericTestExample.cs(15,17): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericMatrixTests.cs(22,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(110,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(41,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericMatrixTests.cs(36,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(49,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericTypeTests.cs(79,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericTypeTests.cs(9,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericMatrixTests.cs(47,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookGeneratorTest.cs(9,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookGeneratorTest.cs(15,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(57,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(13,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericTypeTests.cs(20,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericTypeTests.cs(52,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(43,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericTypeTests.cs(61,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(54,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(63,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\MinimalDiscoveryTest.cs(8,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericMethodTests.cs(11,17): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\MultipleClassDataGeneratorsTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\MethodDataSourceWithArgumentsTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\MultipleDataSourcesTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(155,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(70,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(12,73): warning TUnit0301: Tuple parameter 'value2' - consider using concrete types for AOT compatibility uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(22,65): warning TUnit0301: Tuple parameter 'value' - consider using concrete types for AOT compatibility uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(32,67): warning TUnit0301: Tuple parameter 'value1' - consider using concrete types for AOT compatibility uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(32,86): warning TUnit0301: Tuple parameter 'value2' - consider using concrete types for AOT compatibility uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(43,86): warning TUnit0301: Tuple parameter 'value2' - consider using concrete types for AOT compatibility uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(54,82): warning TUnit0301: Tuple parameter 'value2' - consider using concrete types for AOT compatibility uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(110,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\HookExecutorTests.cs(123,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(64,86): warning TUnit0301: Tuple parameter 'value2' - consider using concrete types for AOT compatibility uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(121,45): warning TUnit0046: Return a `Func` rather than a ``. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedTupleTest.cs(8,71): warning TUnit0301: Tuple parameter 'data2' - consider using concrete types for AOT compatibility uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SimpleGenericTests.cs(11,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedTupleTest.cs(16,64): warning TUnit0301: Tuple parameter 'data' - consider using concrete types for AOT compatibility uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(74,83): warning TUnit0301: Tuple parameter 'value2' - consider using concrete types for AOT compatibility uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SimpleGenericTests.cs(23,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SimpleHookTest.cs(23,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SimpleHookTest.cs(28,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SimpleGenericTests.cs(56,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(84,88): warning TUnit0301: Tuple parameter 'value2' - consider using concrete types for AOT compatibility uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SimpleStaticTest.cs(9,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SimpleTupleTest.cs(11,56): warning TUnit0301: Tuple parameter 'value' - consider using concrete types for AOT compatibility uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SmartInferenceTests.cs(11,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\SmartInferenceTests.cs(27,23): warning TUnit0300: Generic test method may require runtime type creation may not be AOT-compatible. All generic type combinations must be known at compile time. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\CustomPropertyTests.cs(16,44): error CS0411: The type arguments for method 'AssertionExtensions.ContainsKey(IAssertionSource, TKey, string?)' cannot be inferred from the usage. Try specifying the type arguments explicitly. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\CustomPropertyTests.cs(19,44): error CS0411: The type arguments for method 'AssertionExtensions.ContainsKey(IAssertionSource, TKey, string?)' cannot be inferred from the usage. Try specifying the type arguments explicitly. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\CustomPropertyTests.cs(22,44): error CS0411: The type arguments for method 'AssertionExtensions.ContainsKey(IAssertionSource, TKey, string?)' cannot be inferred from the usage. Try specifying the type arguments explicitly. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\CustomPropertyTests.cs(25,44): error CS0411: The type arguments for method 'AssertionExtensions.ContainsKey(IAssertionSource, TKey, string?)' cannot be inferred from the usage. Try specifying the type arguments explicitly. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\DependsOnTests3.cs(48,47): error CS0411: The type arguments for method 'AssertionExtensions.ContainsKey(IAssertionSource, TKey, string?)' cannot be inferred from the usage. Try specifying the type arguments explicitly. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\DependsOnTests3.cs(49,47): error CS0411: The type arguments for method 'AssertionExtensions.ContainsKey(IAssertionSource, TKey, string?)' cannot be inferred from the usage. Try specifying the type arguments explicitly. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.TestProject\ParametersTests.cs(12,79): error CS0411: The type arguments for method 'AssertionExtensions.ContainsKey(IAssertionSource, TKey, string?)' cannot be inferred from the usage. Try specifying the type arguments explicitly. [C:\git\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] - 323 Warning(s) - 7 Error(s) - -Time Elapsed 00:00:05.85 - -Workload updates are available. Run `dotnet workload list` for more information. diff --git a/build-test-output.txt b/build-test-output.txt deleted file mode 100644 index 77b6a822d0..0000000000 --- a/build-test-output.txt +++ /dev/null @@ -1,1662 +0,0 @@ - Determining projects to restore... - All projects are up-to-date for restore. - Removing SourceGeneratedViewer directory... - Removing SourceGeneratedViewer directory... - Removing SourceGeneratedViewer directory... -C:\git\TUnit\TestProject.props(33,9): warning MSB3061: Unable to delete file "C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\AssertMultipleTests_Exception_In_Scope_Is_Captured_4afa61e2704e48d49380c44d269959f7.g.cs". Access to the path 'C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\AssertMultipleTests_Exception_In_Scope_Is_Captured_4afa61e2704e48d49380c44d269959f7.g.cs' is denied. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TestProject.props(33,9): warning MSB3061: Unable to delete file "C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\AsyncTaskTests_Func_Task_Is_Callable_e4478f75aced4d52980555ba63849f99.g.cs". Access to the path 'C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\AsyncTaskTests_Func_Task_Is_Callable_e4478f75aced4d52980555ba63849f99.g.cs' is denied. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TestProject.props(33,9): warning MSB3061: Unable to delete file "C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\DefaultAssertionTests_IsNotDefault_ValueType_DateTime_NotDefault_b59f023a15bd4b71b63a7907b03e462a.g.cs". Access to the path 'C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\DefaultAssertionTests_IsNotDefault_ValueType_DateTime_NotDefault_b59f023a15bd4b71b63a7907b03e462a.g.cs' is denied. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TestProject.props(33,9): warning MSB3061: Unable to delete file "C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\DefaultAssertionTests_IsNotDefault_ValueType_DateTime_Default_760c5609e0e24d968b80bfc8f92b9fd5.g.cs". Access to the path 'C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\DefaultAssertionTests_IsNotDefault_ValueType_DateTime_Default_760c5609e0e24d968b80bfc8f92b9fd5.g.cs' is denied. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TestProject.props(33,9): warning MSB3061: Unable to delete file "C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\ExceptionAssertionTests_Assertion_Message_Has_Correct_doNotPopulateThisValue2_0387016b0d8b46dea8fb28292b022582.g.cs". Access to the path 'C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\ExceptionAssertionTests_Assertion_Message_Has_Correct_doNotPopulateThisValue2_0387016b0d8b46dea8fb28292b022582.g.cs' is denied. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TestProject.props(33,9): warning MSB3061: Unable to delete file "C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\ExceptionTests_Fails_For_Code_Without_Exceptions_88cfdeb405f74d7eba7fd5027242910d.g.cs". Access to the path 'C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\ExceptionTests_Fails_For_Code_Without_Exceptions_88cfdeb405f74d7eba7fd5027242910d.g.cs' is denied. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TestProject.props(33,9): warning MSB3061: Unable to delete file "C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\ExceptionTests_ThrowsAsync_DoesNotCheckType_d314d987bcfd44f3ac1c59919f11780d.g.cs". Access to the path 'C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\ExceptionTests_ThrowsAsync_DoesNotCheckType_d314d987bcfd44f3ac1c59919f11780d.g.cs' is denied. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TestProject.props(33,9): warning MSB3061: Unable to delete file "C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\SatisfiesTests_All_Satisfy_DirectValue_Good_a287f3cc08bd4ae69fb1f1ba4053a11b.g.cs". Access to the path 'C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\SatisfiesTests_All_Satisfy_DirectValue_Good_a287f3cc08bd4ae69fb1f1ba4053a11b.g.cs' is denied. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TestProject.props(33,9): warning MSB3061: Unable to delete file "C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\SatisfiesTests_All_Satisfy_DirectValue_Good_a287f3cc08bd4ae69fb1f1ba4053a11b.g.cs". Access to the path 'C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\SatisfiesTests_All_Satisfy_DirectValue_Good_a287f3cc08bd4ae69fb1f1ba4053a11b.g.cs' is denied. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TestProject.props(33,9): warning MSB3061: Unable to delete file "C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\StringEqualsAssertionTests_Equals_Success_3ff7b64cd72b4da19c338c13050cfd34.g.cs". Access to the path 'C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\StringEqualsAssertionTests_Equals_Success_3ff7b64cd72b4da19c338c13050cfd34.g.cs' is denied. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TestProject.props(33,9): warning MSB3061: Unable to delete file "C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\StringEqualsAssertionTests_Equals_Trimmed2_Success_a156f26aef544cafa28c47ba7bdac419.g.cs". Access to the path 'C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\StringEqualsAssertionTests_Equals_Trimmed2_Success_a156f26aef544cafa28c47ba7bdac419.g.cs' is denied. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TestProject.props(33,9): warning MSB3061: Unable to delete file "C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\TimeSpanAssertionTests_Less_Than_b4ff65af5b5c49249dfa9799da1810d4.g.cs". Access to the path 'C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\TimeSpanAssertionTests_Less_Than_b4ff65af5b5c49249dfa9799da1810d4.g.cs' is denied. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TestProject.props(33,9): warning MSB3061: Unable to delete file "C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\WithMessageTests_Returns_Exception_When_Awaited_0d8abbd508b64237a0ada49835cb4035.g.cs". Access to the path 'C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\WithMessageTests_Returns_Exception_When_Awaited_0d8abbd508b64237a0ada49835cb4035.g.cs' is denied. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] - TUnit.Core -> C:\git\TUnit\TUnit.Core\bin\Debug\netstandard2.0\TUnit.Core.dll - TUnit.Core -> C:\git\TUnit\TUnit.Core\bin\Debug\net9.0\TUnit.Core.dll - TUnit.Core -> C:\git\TUnit\TUnit.Core\bin\Debug\net8.0\TUnit.Core.dll - TUnit.Assertions.SourceGenerator -> C:\git\TUnit\TUnit.Assertions.SourceGenerator\bin\Debug\netstandard2.0\TUnit.Assertions.SourceGenerator.dll - TUnit.Assertions.Analyzers -> C:\git\TUnit\TUnit.Assertions.Analyzers\bin\Debug\netstandard2.0\TUnit.Assertions.Analyzers.dll - TUnit.Engine -> C:\git\TUnit\TUnit.Engine\bin\Debug\netstandard2.0\TUnit.Engine.dll - TUnit.Assertions.Analyzers.CodeFixers -> C:\git\TUnit\TUnit.Assertions.Analyzers.CodeFixers\bin\Debug\netstandard2.0\TUnit.Assertions.Analyzers.CodeFixers.dll - TUnit.Engine -> C:\git\TUnit\TUnit.Engine\bin\Debug\net8.0\TUnit.Engine.dll - TUnit.Engine -> C:\git\TUnit\TUnit.Engine\bin\Debug\net9.0\TUnit.Engine.dll - TUnit.Assertions -> C:\git\TUnit\TUnit.Assertions\bin\Debug\netstandard2.0\TUnit.Assertions.dll - TUnit.Assertions -> C:\git\TUnit\TUnit.Assertions\bin\Debug\net8.0\TUnit.Assertions.dll - TUnit.Assertions -> C:\git\TUnit\TUnit.Assertions\bin\Debug\net9.0\TUnit.Assertions.dll - TUnit -> C:\git\TUnit\TUnit\bin\Debug\net9.0\TUnit.dll - TUnit -> C:\git\TUnit\TUnit\bin\Debug\net8.0\TUnit.dll - TUnit.Core.SourceGenerator -> C:\git\TUnit\TUnit.Core.SourceGenerator\bin\Debug\netstandard2.0\TUnit.Core.SourceGenerator.dll - TUnit.Analyzers -> C:\git\TUnit\TUnit.Analyzers\bin\Debug\netstandard2.0\TUnit.Analyzers.dll - TUnit.Analyzers.CodeFixers -> C:\git\TUnit\TUnit.Analyzers.CodeFixers\bin\Debug\netstandard2.0\TUnit.Analyzers.CodeFixers.dll -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(16,44): error CS1061: 'ValueAssertion>' does not contain a definition for 'ContainsKey' and no accessible extension method 'ContainsKey' accepting a first argument of type 'ValueAssertion>' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(27,44): error CS1061: 'ValueAssertion>' does not contain a definition for 'DoesNotContainKey' and no accessible extension method 'DoesNotContainKey' accepting a first argument of type 'ValueAssertion>' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(35,44): error CS1061: 'ValueAssertion' does not contain a definition for 'ContainsKey' and no accessible extension method 'ContainsKey' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateOnlyEqualToAssertionTests.cs(25,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(46,44): error CS1061: 'ValueAssertion>' does not contain a definition for 'DoesNotContainKey' and no accessible extension method 'DoesNotContainKey' accepting a first argument of type 'ValueAssertion>' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(16,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(57,44): error CS1061: 'ValueAssertion>' does not contain a definition for 'ContainsKey' and no accessible extension method 'ContainsKey' accepting a first argument of type 'ValueAssertion>' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateOnlyEqualToAssertionTests.cs(34,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'WithinDays' and no accessible extension method 'WithinDays' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeOnlyEqualToAssertionTests.cs(25,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateOnlyEqualToAssertionTests.cs(43,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(33,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(63,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeOnlyEqualToAssertionTests.cs(34,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithParameterNameTests.cs(28,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithParameterNameTests.cs(30,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(48,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertionBuilders\OrAssertionTests.cs(17,35): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithParameterNameTests.cs(42,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\FailTests.cs(11,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeOnlyEqualToAssertionTests.cs(43,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\TypeInferenceTests.cs(12,19): error CS1929: 'AndContinuation>' does not contain a definition for 'Contains' and the best extension method overload 'AssertionExtensions.Contains(IAssertionSource, string, string?)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\FailTests.cs(22,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(71,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithParameterNameTests.cs(55,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertionBuilders\AndAssertionTests.cs(17,35): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithMessageTests.cs(28,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithMessageTests.cs(30,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\FailTests.cs(43,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(11,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(15,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(95,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(21,11): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1770.cs(10,32): error CS1061: 'object' does not contain a definition for 'ToByteArray' and no accessible extension method 'ToByteArray' accepting a first argument of type 'object' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1770.cs(10,27): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1860.cs(24,34): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithMessageTests.cs(42,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Helpers\StringDifferenceTests.cs(25,32): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1774.cs(15,31): error CS0029: Cannot implicitly convert type 'string' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1774.cs(15,31): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1774.cs(10,15): warning CS8620: Argument of type 'AndContinuation' cannot be used for parameter 'source' of type 'IAssertionSource' in 'TypeOfAssertion AssertionExtensions.IsTypeOf(IAssertionSource source)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(29,26): error CS1929: 'ValueAssertion' does not contain a definition for 'Contains' and the best extension method overload 'AssertionExtensions.Contains(IAssertionSource, string, string?)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(33,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(37,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithMessageTests.cs(55,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1770.cs(22,32): error CS1061: 'object' does not contain a definition for 'ToByteArray' and no accessible extension method 'ToByteArray' accepting a first argument of type 'object' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1770.cs(22,27): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(112,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1600.cs(12,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Helpers\StringDifferenceTests.cs(49,32): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests2145.cs(12,38): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertionBuilders\OrAssertionTests.cs(38,88): error CS1061: 'AsyncDelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncDelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1600.cs(22,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests2129.cs(8,79): error CS1061: 'FuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'FuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(25,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithInnerExceptionTests.cs(29,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithInnerExceptionTests.cs(32,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Helpers\StringDifferenceTests.cs(73,32): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests2129.cs(14,78): error CS1061: 'FuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'FuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(47,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(51,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(129,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\NullabilityInferenceTests.cs(15,27): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(49,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests2129.cs(20,77): error CS1061: 'FuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'FuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithInnerExceptionTests.cs(44,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(40,31): error CS1929: 'ValueAssertion' does not contain a definition for 'Contains' and the best extension method overload 'AssertionExtensions.Contains(IAssertionSource, string, string?)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(71,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(49,34): error CS1061: 'ValueAssertion' does not contain a definition for 'ContainsOnly' and no accessible extension method 'ContainsOnly' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Helpers\StringDifferenceTests.cs(97,32): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(14,33): error CS0029: Cannot implicitly convert type 'string' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(14,33): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(14,33): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(11,64): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(146,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithInnerExceptionTests.cs(58,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SkipTests.cs(13,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(93,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(61,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(65,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(69,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(17,76): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(117,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SkipTests.cs(24,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(58,50): error CS1061: 'ValueAssertion' does not contain a definition for 'ContainsOnly' and no accessible extension method 'ContainsOnly' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(22,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(24,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(140,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeEqualToAssertionTests.cs(21,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\BoolEqualToAssertionTests.cs(29,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(23,99): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(42,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(44,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(164,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotEquivalentTo' and no accessible extension method 'IsNotEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(9,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\ZeroAssertionTests.cs(31,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SkipTests.cs(45,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(79,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(83,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(87,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\BoolEqualToAssertionTests.cs(38,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(12,27): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(184,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotEquivalentTo' and no accessible extension method 'IsNotEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(29,87): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(11,52): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(34,33): error CS0029: Cannot implicitly convert type 'TUnit.Assertions.Tests.SatisfiesTests.MyModel' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(34,33): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(34,33): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DecimalEqualsToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(35,58): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeEqualToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(18,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(61,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(63,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(41,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualityComparerTests.cs(20,48): error CS1503: Argument 3: cannot convert from 'TUnit.Assertions.Tests.Old.EqualityComparerTests.Comparer' to 'string?' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DoubleEqualsToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(52,33): error CS0029: Cannot implicitly convert type 'System.Threading.Tasks.Task' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(52,33): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(52,33): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(26,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\ZeroAssertionTests.cs(38,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(97,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(101,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(47,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(77,11): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(74,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DoubleEqualsToAssertionTests.cs(30,60): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(85,15): error CS1929: 'ValueAssertion' does not contain a definition for 'DoesNotContain' and the best extension method overload 'AssertionExtensions.DoesNotContain(IAssertionSource, string, string?)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(53,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(59,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(65,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\ExceptionAssertionTests.cs(9,14): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DoubleEqualsToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(35,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(22,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(24,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\ZeroAssertionTests.cs(45,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(86,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(43,36): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(22,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(24,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(42,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(44,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(94,31): error CS1929: 'ValueAssertion' does not contain a definition for 'DoesNotContain' and the best extension method overload 'AssertionExtensions.DoesNotContain(IAssertionSource, string, string?)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(98,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(35,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.NothingTests.cs(24,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(103,34): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInOrder' and no accessible extension method 'IsInOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\LongEqualsToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(52,40): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeOffsetEqualToAssertionTests.cs(21,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(61,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(63,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\MemberTests.cs(16,41): error CS1061: 'ValueAssertion' does not contain a definition for 'HasMember' and no accessible extension method 'HasMember' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\LongEqualsToAssertionTests.cs(30,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(32,27): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\IntegerEqualsToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(72,33): error CS0029: Cannot implicitly convert type 'System.Threading.Tasks.Task' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(72,33): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(72,33): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(74,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(112,50): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInOrder' and no accessible extension method 'IsInOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualsAssertionTests.cs(11,60): error CS1503: Argument 3: cannot convert from 'System.StringComparison' to 'string?' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(47,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeSpanEqualToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\LongEqualsToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(60,23): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(64,15): error CS1061: 'AsyncDelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'AsyncDelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(68,15): error CS1061: 'AsyncDelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'AsyncDelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(62,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(121,34): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInDescendingOrder' and no accessible extension method 'IsInDescendingOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeOffsetEqualToAssertionTests.cs(30,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\IntegerEqualsToAssertionTests.cs(30,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(70,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(86,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\MemberTests.cs(29,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(75,52): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeSpanEqualToAssertionTests.cs(29,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DecimalEqualsToAssertionTests.cs(30,60): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(59,30): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(99,18): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualsAssertionTests.cs(35,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DecimalEqualsToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(130,50): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInDescendingOrder' and no accessible extension method 'IsInDescendingOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(79,31): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(79,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(141,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInOrder' and no accessible extension method 'IsInOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeOffsetEqualToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(87,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualsAssertionTests.cs(42,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\IntegerEqualsToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(10,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(18,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'WithTrimming' and no accessible extension method 'WithTrimming' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeSpanEqualToAssertionTests.cs(38,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualsAssertionTests.cs(49,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(113,51): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(26,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'WithTrimming' and no accessible extension method 'WithTrimming' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(96,40): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(18,57): error CS1061: 'StringContainsAssertion' does not contain a definition for 'WithTrimming' and no accessible extension method 'WithTrimming' accepting a first argument of type 'StringContainsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\MemberTests.cs(51,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(34,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'IgnoringWhitespace' and no accessible extension method 'IgnoringWhitespace' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(104,36): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(91,41): error CS0029: Cannot implicitly convert type 'string' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(91,41): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(91,41): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(24,46): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(42,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'WithNullAndEmptyEquality' and no accessible extension method 'WithNullAndEmptyEquality' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(42,50): warning CS8604: Possible null reference argument for parameter 'expected' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)'. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(26,57): error CS1061: 'StringContainsAssertion' does not contain a definition for 'WithTrimming' and no accessible extension method 'WithTrimming' accepting a first argument of type 'StringContainsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(51,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'WithNullAndEmptyEquality' and no accessible extension method 'WithNullAndEmptyEquality' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(51,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(34,57): error CS1061: 'StringContainsAssertion' does not contain a definition for 'IgnoringWhitespace' and no accessible extension method 'IgnoringWhitespace' accepting a first argument of type 'StringContainsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(37,46): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(136,51): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\MemberTests.cs(68,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(60,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(43,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(69,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(53,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(51,47): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringMatchesAssertion AssertionExtensions.Matches(IAssertionSource source, string pattern, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(52,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(78,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(17,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(24,37): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNullOrEmpty' and no accessible extension method 'IsNullOrEmpty' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(87,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(31,37): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNullOrEmpty' and no accessible extension method 'IsNullOrEmpty' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(96,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(96,117): warning CS8604: Possible null reference argument for parameter 'expected' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)'. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(62,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(77,78): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(79,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(38,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(144,52): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(168,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(169,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(170,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(171,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(172,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(173,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(174,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(105,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(105,82): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(52,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringIsNullOrWhitespaceAssertion AssertionExtensions.IsNullOrWhitespace(IAssertionSource source)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(153,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(107,78): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(109,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(66,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(73,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(87,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(140,78): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(142,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(163,51): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(176,51): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(192,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(190,47): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringDoesNotMatchAssertion AssertionExtensions.DoesNotMatch(IAssertionSource source, string pattern, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(216,83): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(218,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(246,83): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(248,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(279,83): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(281,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(118,41): error CS0029: Cannot implicitly convert type 'TUnit.Assertions.Tests.SatisfiesTests.MyModel' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(118,41): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(118,41): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(154,41): error CS0029: Cannot implicitly convert type 'System.Threading.Tasks.Task' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(154,41): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(154,41): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(181,41): error CS0029: Cannot implicitly convert type 'System.Threading.Tasks.Task' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(181,41): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(181,41): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(211,35): error CS1501: No overload for method 'All' takes 0 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(222,35): error CS1501: No overload for method 'All' takes 0 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(234,39): error CS1501: No overload for method 'All' takes 0 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(247,43): error CS1501: No overload for method 'All' takes 0 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] - TUnit -> C:\git\TUnit\TUnit\bin\Debug\netstandard2.0\TUnit.dll -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(16,44): error CS1061: 'ValueAssertion>' does not contain a definition for 'ContainsKey' and no accessible extension method 'ContainsKey' accepting a first argument of type 'ValueAssertion>' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(27,44): error CS1061: 'ValueAssertion>' does not contain a definition for 'DoesNotContainKey' and no accessible extension method 'DoesNotContainKey' accepting a first argument of type 'ValueAssertion>' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(35,44): error CS1061: 'ValueAssertion' does not contain a definition for 'ContainsKey' and no accessible extension method 'ContainsKey' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateOnlyEqualToAssertionTests.cs(25,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeOnlyEqualToAssertionTests.cs(25,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(46,44): error CS1061: 'ValueAssertion>' does not contain a definition for 'DoesNotContainKey' and no accessible extension method 'DoesNotContainKey' accepting a first argument of type 'ValueAssertion>' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(22,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(24,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(22,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(24,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateOnlyEqualToAssertionTests.cs(34,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'WithinDays' and no accessible extension method 'WithinDays' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeOnlyEqualToAssertionTests.cs(34,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.NothingTests.cs(24,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(57,44): error CS1061: 'ValueAssertion>' does not contain a definition for 'ContainsKey' and no accessible extension method 'ContainsKey' accepting a first argument of type 'ValueAssertion>' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertionBuilders\AndAssertionTests.cs(17,35): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertionBuilders\OrAssertionTests.cs(17,35): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(35,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(22,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(24,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateOnlyEqualToAssertionTests.cs(43,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(42,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(44,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeOnlyEqualToAssertionTests.cs(43,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(63,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(47,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(42,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(44,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(61,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(63,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(59,30): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithInnerExceptionTests.cs(29,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithInnerExceptionTests.cs(32,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithInnerExceptionTests.cs(44,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithInnerExceptionTests.cs(58,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithMessageTests.cs(28,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithMessageTests.cs(30,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithMessageTests.cs(42,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(12,27): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\FailTests.cs(11,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithMessageTests.cs(55,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\FailTests.cs(22,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests2145.cs(12,38): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(21,11): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests2129.cs(8,79): error CS1061: 'FuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'FuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\FailTests.cs(43,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(29,26): error CS1929: 'ValueAssertion' does not contain a definition for 'Contains' and the best extension method overload 'AssertionExtensions.Contains(IAssertionSource, string, string?)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1600.cs(12,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1600.cs(22,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(32,27): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithParameterNameTests.cs(28,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithParameterNameTests.cs(30,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\TypeInferenceTests.cs(12,19): error CS1929: 'AndContinuation>' does not contain a definition for 'Contains' and the best extension method overload 'AssertionExtensions.Contains(IAssertionSource, string, string?)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(60,23): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(64,15): error CS1061: 'AsyncDelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'AsyncDelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(68,15): error CS1061: 'AsyncDelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'AsyncDelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithParameterNameTests.cs(42,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Helpers\StringDifferenceTests.cs(25,32): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(74,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithParameterNameTests.cs(55,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(11,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(15,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Helpers\StringDifferenceTests.cs(49,32): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(86,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(79,31): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(99,18): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(16,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Helpers\StringDifferenceTests.cs(73,32): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(33,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(37,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(61,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(63,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(33,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Helpers\StringDifferenceTests.cs(97,32): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(113,51): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(74,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(86,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(48,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(136,51): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(98,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(71,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(95,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(25,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(49,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1770.cs(10,32): error CS1061: 'object' does not contain a definition for 'ToByteArray' and no accessible extension method 'ToByteArray' accepting a first argument of type 'object' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1770.cs(10,27): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(71,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1770.cs(22,32): error CS1061: 'object' does not contain a definition for 'ToByteArray' and no accessible extension method 'ToByteArray' accepting a first argument of type 'object' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1770.cs(22,27): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(93,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests2129.cs(14,78): error CS1061: 'FuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'FuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests2129.cs(20,77): error CS1061: 'FuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'FuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\NullabilityInferenceTests.cs(15,27): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(117,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(140,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1860.cs(24,34): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1774.cs(15,31): error CS0029: Cannot implicitly convert type 'string' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1774.cs(15,31): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1774.cs(10,15): warning CS8620: Argument of type 'AndContinuation' cannot be used for parameter 'source' of type 'IAssertionSource' in 'TypeOfAssertion AssertionExtensions.IsTypeOf(IAssertionSource source)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(164,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotEquivalentTo' and no accessible extension method 'IsNotEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertionBuilders\OrAssertionTests.cs(38,88): error CS1061: 'AsyncDelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncDelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(47,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(51,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(184,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotEquivalentTo' and no accessible extension method 'IsNotEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(11,64): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(40,31): error CS1929: 'ValueAssertion' does not contain a definition for 'Contains' and the best extension method overload 'AssertionExtensions.Contains(IAssertionSource, string, string?)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\ZeroAssertionTests.cs(31,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(49,34): error CS1061: 'ValueAssertion' does not contain a definition for 'ContainsOnly' and no accessible extension method 'ContainsOnly' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(17,76): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\ZeroAssertionTests.cs(38,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\BoolEqualToAssertionTests.cs(29,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(9,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(58,50): error CS1061: 'ValueAssertion' does not contain a definition for 'ContainsOnly' and no accessible extension method 'ContainsOnly' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\BoolEqualToAssertionTests.cs(38,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(23,99): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(61,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(65,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(69,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(29,87): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(35,58): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(18,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(41,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(26,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(47,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DoubleEqualsToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(53,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DoubleEqualsToAssertionTests.cs(30,60): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(59,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualityComparerTests.cs(20,48): error CS1503: Argument 3: cannot convert from 'TUnit.Assertions.Tests.Old.EqualityComparerTests.Comparer' to 'string?' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(65,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(77,11): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(35,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(85,15): error CS1929: 'ValueAssertion' does not contain a definition for 'DoesNotContain' and the best extension method overload 'AssertionExtensions.DoesNotContain(IAssertionSource, string, string?)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DoubleEqualsToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(43,36): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(52,40): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(79,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(83,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(87,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(112,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(11,52): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(94,31): error CS1929: 'ValueAssertion' does not contain a definition for 'DoesNotContain' and the best extension method overload 'AssertionExtensions.DoesNotContain(IAssertionSource, string, string?)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(103,34): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInOrder' and no accessible extension method 'IsInOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(62,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(70,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(112,50): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInOrder' and no accessible extension method 'IsInOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(121,34): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInDescendingOrder' and no accessible extension method 'IsInDescendingOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\IntegerEqualsToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(79,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(97,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(101,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(87,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\IntegerEqualsToAssertionTests.cs(30,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(130,50): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInDescendingOrder' and no accessible extension method 'IsInDescendingOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(141,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInOrder' and no accessible extension method 'IsInOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SkipTests.cs(13,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(96,40): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(104,36): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\IntegerEqualsToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\LongEqualsToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\LongEqualsToAssertionTests.cs(30,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(14,33): error CS0029: Cannot implicitly convert type 'string' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(14,33): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(14,33): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SkipTests.cs(24,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\MemberTests.cs(16,41): error CS1061: 'ValueAssertion' does not contain a definition for 'HasMember' and no accessible extension method 'HasMember' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\ZeroAssertionTests.cs(45,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\ExceptionAssertionTests.cs(9,14): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\MemberTests.cs(29,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(24,46): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualsAssertionTests.cs(11,60): error CS1503: Argument 3: cannot convert from 'System.StringComparison' to 'string?' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(18,57): error CS1061: 'StringContainsAssertion' does not contain a definition for 'WithTrimming' and no accessible extension method 'WithTrimming' accepting a first argument of type 'StringContainsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(37,46): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(18,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'WithTrimming' and no accessible extension method 'WithTrimming' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(26,57): error CS1061: 'StringContainsAssertion' does not contain a definition for 'WithTrimming' and no accessible extension method 'WithTrimming' accepting a first argument of type 'StringContainsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(26,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'WithTrimming' and no accessible extension method 'WithTrimming' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(34,57): error CS1061: 'StringContainsAssertion' does not contain a definition for 'IgnoringWhitespace' and no accessible extension method 'IgnoringWhitespace' accepting a first argument of type 'StringContainsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(34,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'IgnoringWhitespace' and no accessible extension method 'IgnoringWhitespace' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualsAssertionTests.cs(35,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(42,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'WithNullAndEmptyEquality' and no accessible extension method 'WithNullAndEmptyEquality' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(42,50): warning CS8604: Possible null reference argument for parameter 'expected' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)'. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(75,52): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\MemberTests.cs(51,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(34,33): error CS0029: Cannot implicitly convert type 'TUnit.Assertions.Tests.SatisfiesTests.MyModel' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(34,33): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(34,33): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualsAssertionTests.cs(42,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(51,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'WithNullAndEmptyEquality' and no accessible extension method 'WithNullAndEmptyEquality' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(51,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualsAssertionTests.cs(49,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(52,33): error CS0029: Cannot implicitly convert type 'System.Threading.Tasks.Task' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(52,33): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(52,33): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(60,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\MemberTests.cs(68,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(53,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(51,47): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringMatchesAssertion AssertionExtensions.Matches(IAssertionSource source, string pattern, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(69,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(78,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\LongEqualsToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(43,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(87,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(52,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(77,78): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(79,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(129,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(96,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(96,117): warning CS8604: Possible null reference argument for parameter 'expected' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)'. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(62,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(72,33): error CS0029: Cannot implicitly convert type 'System.Threading.Tasks.Task' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(72,33): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(72,33): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(105,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(105,82): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(10,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeEqualToAssertionTests.cs(21,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeOffsetEqualToAssertionTests.cs(21,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(17,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(146,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeOffsetEqualToAssertionTests.cs(30,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(153,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DecimalEqualsToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(107,78): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(109,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DecimalEqualsToAssertionTests.cs(30,60): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SkipTests.cs(45,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeEqualToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeOffsetEqualToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DecimalEqualsToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(144,52): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(168,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(169,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(170,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(171,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(172,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(173,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(174,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeSpanEqualToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(140,78): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(142,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(91,41): error CS0029: Cannot implicitly convert type 'string' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(91,41): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(91,41): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeSpanEqualToAssertionTests.cs(29,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(163,51): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeSpanEqualToAssertionTests.cs(38,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(24,37): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNullOrEmpty' and no accessible extension method 'IsNullOrEmpty' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(176,51): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(31,37): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNullOrEmpty' and no accessible extension method 'IsNullOrEmpty' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(38,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(192,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(190,47): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringDoesNotMatchAssertion AssertionExtensions.DoesNotMatch(IAssertionSource source, string pattern, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(52,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringIsNullOrWhitespaceAssertion AssertionExtensions.IsNullOrWhitespace(IAssertionSource source)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(66,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(73,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(216,83): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(218,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(87,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(246,83): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(248,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(279,83): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(281,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(118,41): error CS0029: Cannot implicitly convert type 'TUnit.Assertions.Tests.SatisfiesTests.MyModel' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(118,41): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(118,41): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(154,41): error CS0029: Cannot implicitly convert type 'System.Threading.Tasks.Task' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(154,41): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(154,41): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(181,41): error CS0029: Cannot implicitly convert type 'System.Threading.Tasks.Task' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(181,41): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(181,41): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(211,35): error CS1501: No overload for method 'All' takes 0 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(222,35): error CS1501: No overload for method 'All' takes 0 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(234,39): error CS1501: No overload for method 'All' takes 0 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(247,43): error CS1501: No overload for method 'All' takes 0 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(16,44): error CS1061: 'ValueAssertion>' does not contain a definition for 'ContainsKey' and no accessible extension method 'ContainsKey' accepting a first argument of type 'ValueAssertion>' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(27,44): error CS1061: 'ValueAssertion>' does not contain a definition for 'DoesNotContainKey' and no accessible extension method 'DoesNotContainKey' accepting a first argument of type 'ValueAssertion>' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(35,44): error CS1061: 'ValueAssertion' does not contain a definition for 'ContainsKey' and no accessible extension method 'ContainsKey' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(46,44): error CS1061: 'ValueAssertion>' does not contain a definition for 'DoesNotContainKey' and no accessible extension method 'DoesNotContainKey' accepting a first argument of type 'ValueAssertion>' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\TypeInferenceTests.cs(12,19): error CS1929: 'AndContinuation>' does not contain a definition for 'Contains' and the best extension method overload 'Polyfill.Contains(string, char)' requires a receiver of type 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(57,44): error CS1061: 'ValueAssertion>' does not contain a definition for 'ContainsKey' and no accessible extension method 'ContainsKey' accepting a first argument of type 'ValueAssertion>' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(16,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(63,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(11,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(15,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(33,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertionBuilders\OrAssertionTests.cs(17,35): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(33,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(37,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithParameterNameTests.cs(28,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithParameterNameTests.cs(30,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1770.cs(10,32): error CS1061: 'object' does not contain a definition for 'ToByteArray' and no accessible extension method 'ToByteArray' accepting a first argument of type 'object' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1770.cs(10,27): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1860.cs(24,34): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1774.cs(15,31): error CS0029: Cannot implicitly convert type 'string' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1774.cs(15,31): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1774.cs(10,15): warning CS8620: Argument of type 'AndContinuation' cannot be used for parameter 'source' of type 'IAssertionSource' in 'TypeOfAssertion AssertionExtensions.IsTypeOf(IAssertionSource source)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(48,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithParameterNameTests.cs(42,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(47,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(51,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1770.cs(22,32): error CS1061: 'object' does not contain a definition for 'ToByteArray' and no accessible extension method 'ToByteArray' accepting a first argument of type 'object' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1770.cs(22,27): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(22,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(24,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests2129.cs(8,79): error CS1061: 'FuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'FuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(71,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1600.cs(12,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests2129.cs(14,78): error CS1061: 'FuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'FuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(22,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(24,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests2129.cs(20,77): error CS1061: 'FuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'FuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(42,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(44,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1600.cs(22,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertionBuilders\OrAssertionTests.cs(38,88): error CS1061: 'AsyncDelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncDelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(35,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.NothingTests.cs(24,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(12,27): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(61,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(63,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(95,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithParameterNameTests.cs(55,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(22,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(24,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(61,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(65,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(69,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(47,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithMessageTests.cs(28,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithMessageTests.cs(30,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(42,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(44,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\FailTests.cs(11,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithInnerExceptionTests.cs(29,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithInnerExceptionTests.cs(32,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(112,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Helpers\StringDifferenceTests.cs(25,32): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertionBuilders\AndAssertionTests.cs(17,35): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(25,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithMessageTests.cs(42,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\FailTests.cs(22,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithInnerExceptionTests.cs(44,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(59,30): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\NullabilityInferenceTests.cs(15,27): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(61,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(63,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Helpers\StringDifferenceTests.cs(49,32): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(79,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(83,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(87,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(74,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(49,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithMessageTests.cs(55,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(74,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithInnerExceptionTests.cs(58,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests2145.cs(12,38): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\FailTests.cs(43,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\ZeroAssertionTests.cs(31,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(129,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(86,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Helpers\StringDifferenceTests.cs(73,32): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(14,33): error CS0029: Cannot implicitly convert type 'string' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(14,33): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(14,33): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(71,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(86,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\ZeroAssertionTests.cs(38,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(97,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(101,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(99,18): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\ZeroAssertionTests.cs(45,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SkipTests.cs(13,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(98,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(93,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Helpers\StringDifferenceTests.cs(97,32): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(146,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SkipTests.cs(24,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(32,27): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeSpanEqualToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(113,51): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(60,23): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(64,15): error CS1061: 'AsyncDelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'AsyncDelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(68,15): error CS1061: 'AsyncDelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'AsyncDelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(11,64): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeSpanEqualToAssertionTests.cs(29,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(117,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SkipTests.cs(45,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(34,33): error CS0029: Cannot implicitly convert type 'TUnit.Assertions.Tests.SatisfiesTests.MyModel' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(34,33): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(34,33): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(17,76): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeSpanEqualToAssertionTests.cs(38,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(21,11): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(140,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(52,33): error CS0029: Cannot implicitly convert type 'System.Threading.Tasks.Task' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(52,33): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(52,33): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(79,31): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(136,51): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\BoolEqualToAssertionTests.cs(29,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(29,26): error CS1929: 'ValueAssertion' does not contain a definition for 'Contains' and the best extension method overload 'Polyfill.Contains(string, char)' requires a receiver of type 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(9,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\BoolEqualToAssertionTests.cs(38,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeEqualToAssertionTests.cs(21,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(164,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotEquivalentTo' and no accessible extension method 'IsNotEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(24,46): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(11,52): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(184,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotEquivalentTo' and no accessible extension method 'IsNotEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DecimalEqualsToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(23,99): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(18,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(26,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(53,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(51,47): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringMatchesAssertion AssertionExtensions.Matches(IAssertionSource source, string pattern, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualityComparerTests.cs(20,48): error CS1503: Argument 3: cannot convert from 'TUnit.Assertions.Tests.Old.EqualityComparerTests.Comparer' to 'string?' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(29,87): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeOffsetEqualToAssertionTests.cs(21,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DoubleEqualsToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(35,58): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeEqualToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeOffsetEqualToAssertionTests.cs(30,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(41,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(77,78): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(79,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(35,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(47,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(43,36): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(72,33): error CS0029: Cannot implicitly convert type 'System.Threading.Tasks.Task' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(72,33): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(72,33): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(53,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeOffsetEqualToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(59,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(65,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\MemberTests.cs(16,41): error CS1061: 'ValueAssertion' does not contain a definition for 'HasMember' and no accessible extension method 'HasMember' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\ExceptionAssertionTests.cs(9,14): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(140,78): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(142,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\IntegerEqualsToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\LongEqualsToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(52,40): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(163,51): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(10,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(17,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(192,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(190,47): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringDoesNotMatchAssertion AssertionExtensions.DoesNotMatch(IAssertionSource source, string pattern, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\MemberTests.cs(29,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(24,37): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNullOrEmpty' and no accessible extension method 'IsNullOrEmpty' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(40,31): error CS1929: 'ValueAssertion' does not contain a definition for 'Contains' and the best extension method overload 'Polyfill.Contains(string, char)' requires a receiver of type 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(18,57): error CS1061: 'StringContainsAssertion' does not contain a definition for 'WithTrimming' and no accessible extension method 'WithTrimming' accepting a first argument of type 'StringContainsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(62,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(31,37): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNullOrEmpty' and no accessible extension method 'IsNullOrEmpty' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(70,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(49,34): error CS1061: 'ValueAssertion' does not contain a definition for 'ContainsOnly' and no accessible extension method 'ContainsOnly' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(26,57): error CS1061: 'StringContainsAssertion' does not contain a definition for 'WithTrimming' and no accessible extension method 'WithTrimming' accepting a first argument of type 'StringContainsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(18,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'WithTrimming' and no accessible extension method 'WithTrimming' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(38,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(216,83): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(218,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(34,57): error CS1061: 'StringContainsAssertion' does not contain a definition for 'IgnoringWhitespace' and no accessible extension method 'IgnoringWhitespace' accepting a first argument of type 'StringContainsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(26,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'WithTrimming' and no accessible extension method 'WithTrimming' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(91,41): error CS0029: Cannot implicitly convert type 'string' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(91,41): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(91,41): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(34,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'IgnoringWhitespace' and no accessible extension method 'IgnoringWhitespace' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(79,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(52,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringIsNullOrWhitespaceAssertion AssertionExtensions.IsNullOrWhitespace(IAssertionSource source)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(75,52): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(87,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(42,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'WithNullAndEmptyEquality' and no accessible extension method 'WithNullAndEmptyEquality' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(42,50): warning CS8604: Possible null reference argument for parameter 'expected' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)'. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(279,83): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(281,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(51,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'WithNullAndEmptyEquality' and no accessible extension method 'WithNullAndEmptyEquality' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(51,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(66,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(60,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(43,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(96,40): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(73,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(104,36): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(69,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\MemberTests.cs(51,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(87,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(52,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(78,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualsAssertionTests.cs(11,60): error CS1503: Argument 3: cannot convert from 'System.StringComparison' to 'string?' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(87,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(62,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\MemberTests.cs(68,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(58,50): error CS1061: 'ValueAssertion' does not contain a definition for 'ContainsOnly' and no accessible extension method 'ContainsOnly' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(96,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(96,117): warning CS8604: Possible null reference argument for parameter 'expected' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)'. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(105,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(105,82): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(153,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualsAssertionTests.cs(35,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(144,52): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(168,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(169,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(170,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(171,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(172,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(173,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(174,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualsAssertionTests.cs(42,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualsAssertionTests.cs(49,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(77,11): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(85,15): error CS1929: 'ValueAssertion' does not contain a definition for 'DoesNotContain' and the best extension method overload 'AssertionExtensions.DoesNotContain(IAssertionSource, string, string?)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(94,31): error CS1929: 'ValueAssertion' does not contain a definition for 'DoesNotContain' and the best extension method overload 'AssertionExtensions.DoesNotContain(IAssertionSource, string, string?)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(103,34): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInOrder' and no accessible extension method 'IsInOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(112,50): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInOrder' and no accessible extension method 'IsInOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(121,34): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInDescendingOrder' and no accessible extension method 'IsInDescendingOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(130,50): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInDescendingOrder' and no accessible extension method 'IsInDescendingOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(141,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInOrder' and no accessible extension method 'IsInOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(118,41): error CS0029: Cannot implicitly convert type 'TUnit.Assertions.Tests.SatisfiesTests.MyModel' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(118,41): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(118,41): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(154,41): error CS0029: Cannot implicitly convert type 'System.Threading.Tasks.Task' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(154,41): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(154,41): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(181,41): error CS0029: Cannot implicitly convert type 'System.Threading.Tasks.Task' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(181,41): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(181,41): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(211,35): error CS1501: No overload for method 'All' takes 0 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(222,35): error CS1501: No overload for method 'All' takes 0 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(234,39): error CS1501: No overload for method 'All' takes 0 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(247,43): error CS1501: No overload for method 'All' takes 0 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] - -Build FAILED. - -C:\git\TUnit\TestProject.props(33,9): warning MSB3061: Unable to delete file "C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\AssertMultipleTests_Exception_In_Scope_Is_Captured_4afa61e2704e48d49380c44d269959f7.g.cs". Access to the path 'C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\AssertMultipleTests_Exception_In_Scope_Is_Captured_4afa61e2704e48d49380c44d269959f7.g.cs' is denied. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TestProject.props(33,9): warning MSB3061: Unable to delete file "C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\AsyncTaskTests_Func_Task_Is_Callable_e4478f75aced4d52980555ba63849f99.g.cs". Access to the path 'C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\AsyncTaskTests_Func_Task_Is_Callable_e4478f75aced4d52980555ba63849f99.g.cs' is denied. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TestProject.props(33,9): warning MSB3061: Unable to delete file "C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\DefaultAssertionTests_IsNotDefault_ValueType_DateTime_NotDefault_b59f023a15bd4b71b63a7907b03e462a.g.cs". Access to the path 'C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\DefaultAssertionTests_IsNotDefault_ValueType_DateTime_NotDefault_b59f023a15bd4b71b63a7907b03e462a.g.cs' is denied. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TestProject.props(33,9): warning MSB3061: Unable to delete file "C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\DefaultAssertionTests_IsNotDefault_ValueType_DateTime_Default_760c5609e0e24d968b80bfc8f92b9fd5.g.cs". Access to the path 'C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\DefaultAssertionTests_IsNotDefault_ValueType_DateTime_Default_760c5609e0e24d968b80bfc8f92b9fd5.g.cs' is denied. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TestProject.props(33,9): warning MSB3061: Unable to delete file "C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\ExceptionAssertionTests_Assertion_Message_Has_Correct_doNotPopulateThisValue2_0387016b0d8b46dea8fb28292b022582.g.cs". Access to the path 'C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\ExceptionAssertionTests_Assertion_Message_Has_Correct_doNotPopulateThisValue2_0387016b0d8b46dea8fb28292b022582.g.cs' is denied. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TestProject.props(33,9): warning MSB3061: Unable to delete file "C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\ExceptionTests_Fails_For_Code_Without_Exceptions_88cfdeb405f74d7eba7fd5027242910d.g.cs". Access to the path 'C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\ExceptionTests_Fails_For_Code_Without_Exceptions_88cfdeb405f74d7eba7fd5027242910d.g.cs' is denied. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TestProject.props(33,9): warning MSB3061: Unable to delete file "C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\ExceptionTests_ThrowsAsync_DoesNotCheckType_d314d987bcfd44f3ac1c59919f11780d.g.cs". Access to the path 'C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\ExceptionTests_ThrowsAsync_DoesNotCheckType_d314d987bcfd44f3ac1c59919f11780d.g.cs' is denied. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TestProject.props(33,9): warning MSB3061: Unable to delete file "C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\SatisfiesTests_All_Satisfy_DirectValue_Good_a287f3cc08bd4ae69fb1f1ba4053a11b.g.cs". Access to the path 'C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\SatisfiesTests_All_Satisfy_DirectValue_Good_a287f3cc08bd4ae69fb1f1ba4053a11b.g.cs' is denied. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TestProject.props(33,9): warning MSB3061: Unable to delete file "C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\SatisfiesTests_All_Satisfy_DirectValue_Good_a287f3cc08bd4ae69fb1f1ba4053a11b.g.cs". Access to the path 'C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\SatisfiesTests_All_Satisfy_DirectValue_Good_a287f3cc08bd4ae69fb1f1ba4053a11b.g.cs' is denied. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TestProject.props(33,9): warning MSB3061: Unable to delete file "C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\StringEqualsAssertionTests_Equals_Success_3ff7b64cd72b4da19c338c13050cfd34.g.cs". Access to the path 'C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\StringEqualsAssertionTests_Equals_Success_3ff7b64cd72b4da19c338c13050cfd34.g.cs' is denied. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TestProject.props(33,9): warning MSB3061: Unable to delete file "C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\StringEqualsAssertionTests_Equals_Trimmed2_Success_a156f26aef544cafa28c47ba7bdac419.g.cs". Access to the path 'C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\StringEqualsAssertionTests_Equals_Trimmed2_Success_a156f26aef544cafa28c47ba7bdac419.g.cs' is denied. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TestProject.props(33,9): warning MSB3061: Unable to delete file "C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\TimeSpanAssertionTests_Less_Than_b4ff65af5b5c49249dfa9799da1810d4.g.cs". Access to the path 'C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\TimeSpanAssertionTests_Less_Than_b4ff65af5b5c49249dfa9799da1810d4.g.cs' is denied. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TestProject.props(33,9): warning MSB3061: Unable to delete file "C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\WithMessageTests_Returns_Exception_When_Awaited_0d8abbd508b64237a0ada49835cb4035.g.cs". Access to the path 'C:\git\TUnit\TUnit.Assertions.Tests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.TestMetadataGenerator\WithMessageTests_Returns_Exception_When_Awaited_0d8abbd508b64237a0ada49835cb4035.g.cs' is denied. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(11,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1770.cs(10,27): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1774.cs(10,15): warning CS8620: Argument of type 'AndContinuation' cannot be used for parameter 'source' of type 'IAssertionSource' in 'TypeOfAssertion AssertionExtensions.IsTypeOf(IAssertionSource source)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(33,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1770.cs(22,27): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(47,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\NullabilityInferenceTests.cs(15,27): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(14,33): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(61,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(79,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(34,33): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(52,33): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(97,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(72,33): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(91,41): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(42,50): warning CS8604: Possible null reference argument for parameter 'expected' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)'. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(51,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(51,47): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringMatchesAssertion AssertionExtensions.Matches(IAssertionSource source, string pattern, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(96,117): warning CS8604: Possible null reference argument for parameter 'expected' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)'. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(105,82): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(52,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringIsNullOrWhitespaceAssertion AssertionExtensions.IsNullOrWhitespace(IAssertionSource source)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(190,47): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringDoesNotMatchAssertion AssertionExtensions.DoesNotMatch(IAssertionSource source, string pattern, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(118,41): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(154,41): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(181,41): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(11,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(33,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1770.cs(10,27): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1770.cs(22,27): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\NullabilityInferenceTests.cs(15,27): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1774.cs(10,15): warning CS8620: Argument of type 'AndContinuation' cannot be used for parameter 'source' of type 'IAssertionSource' in 'TypeOfAssertion AssertionExtensions.IsTypeOf(IAssertionSource source)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(47,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(61,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(79,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(97,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(14,33): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(42,50): warning CS8604: Possible null reference argument for parameter 'expected' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)'. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(34,33): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(51,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(52,33): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(51,47): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringMatchesAssertion AssertionExtensions.Matches(IAssertionSource source, string pattern, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(96,117): warning CS8604: Possible null reference argument for parameter 'expected' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)'. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(72,33): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(105,82): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(91,41): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(190,47): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringDoesNotMatchAssertion AssertionExtensions.DoesNotMatch(IAssertionSource source, string pattern, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(52,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringIsNullOrWhitespaceAssertion AssertionExtensions.IsNullOrWhitespace(IAssertionSource source)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(118,41): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(154,41): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(181,41): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(11,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(33,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1770.cs(10,27): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1774.cs(10,15): warning CS8620: Argument of type 'AndContinuation' cannot be used for parameter 'source' of type 'IAssertionSource' in 'TypeOfAssertion AssertionExtensions.IsTypeOf(IAssertionSource source)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(47,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1770.cs(22,27): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(61,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\NullabilityInferenceTests.cs(15,27): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(79,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(14,33): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(97,13): warning CS0162: Unreachable code detected [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(34,33): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(52,33): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(51,47): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringMatchesAssertion AssertionExtensions.Matches(IAssertionSource source, string pattern, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(72,33): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(190,47): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringDoesNotMatchAssertion AssertionExtensions.DoesNotMatch(IAssertionSource source, string pattern, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(91,41): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(52,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringIsNullOrWhitespaceAssertion AssertionExtensions.IsNullOrWhitespace(IAssertionSource source)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(42,50): warning CS8604: Possible null reference argument for parameter 'expected' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)'. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(51,15): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(96,117): warning CS8604: Possible null reference argument for parameter 'expected' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)'. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(105,82): warning CS8620: Argument of type 'ValueAssertion' cannot be used for parameter 'source' of type 'IAssertionSource' in 'StringEqualsAssertion AssertionExtensions.IsEqualTo(IAssertionSource source, string expected, string? expression = null)' due to differences in the nullability of reference types. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(118,41): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(154,41): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(181,41): warning CS8602: Dereference of a possibly null reference. [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(16,44): error CS1061: 'ValueAssertion>' does not contain a definition for 'ContainsKey' and no accessible extension method 'ContainsKey' accepting a first argument of type 'ValueAssertion>' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(27,44): error CS1061: 'ValueAssertion>' does not contain a definition for 'DoesNotContainKey' and no accessible extension method 'DoesNotContainKey' accepting a first argument of type 'ValueAssertion>' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(35,44): error CS1061: 'ValueAssertion' does not contain a definition for 'ContainsKey' and no accessible extension method 'ContainsKey' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateOnlyEqualToAssertionTests.cs(25,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(46,44): error CS1061: 'ValueAssertion>' does not contain a definition for 'DoesNotContainKey' and no accessible extension method 'DoesNotContainKey' accepting a first argument of type 'ValueAssertion>' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(16,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(57,44): error CS1061: 'ValueAssertion>' does not contain a definition for 'ContainsKey' and no accessible extension method 'ContainsKey' accepting a first argument of type 'ValueAssertion>' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateOnlyEqualToAssertionTests.cs(34,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'WithinDays' and no accessible extension method 'WithinDays' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeOnlyEqualToAssertionTests.cs(25,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateOnlyEqualToAssertionTests.cs(43,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(33,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(63,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeOnlyEqualToAssertionTests.cs(34,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithParameterNameTests.cs(28,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithParameterNameTests.cs(30,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(48,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertionBuilders\OrAssertionTests.cs(17,35): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithParameterNameTests.cs(42,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\FailTests.cs(11,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeOnlyEqualToAssertionTests.cs(43,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\TypeInferenceTests.cs(12,19): error CS1929: 'AndContinuation>' does not contain a definition for 'Contains' and the best extension method overload 'AssertionExtensions.Contains(IAssertionSource, string, string?)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\FailTests.cs(22,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(71,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithParameterNameTests.cs(55,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertionBuilders\AndAssertionTests.cs(17,35): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithMessageTests.cs(28,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithMessageTests.cs(30,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\FailTests.cs(43,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(15,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(95,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(21,11): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1770.cs(10,32): error CS1061: 'object' does not contain a definition for 'ToByteArray' and no accessible extension method 'ToByteArray' accepting a first argument of type 'object' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1860.cs(24,34): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithMessageTests.cs(42,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Helpers\StringDifferenceTests.cs(25,32): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1774.cs(15,31): error CS0029: Cannot implicitly convert type 'string' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1774.cs(15,31): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(29,26): error CS1929: 'ValueAssertion' does not contain a definition for 'Contains' and the best extension method overload 'AssertionExtensions.Contains(IAssertionSource, string, string?)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(37,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithMessageTests.cs(55,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1770.cs(22,32): error CS1061: 'object' does not contain a definition for 'ToByteArray' and no accessible extension method 'ToByteArray' accepting a first argument of type 'object' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(112,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1600.cs(12,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Helpers\StringDifferenceTests.cs(49,32): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests2145.cs(12,38): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertionBuilders\OrAssertionTests.cs(38,88): error CS1061: 'AsyncDelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncDelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1600.cs(22,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests2129.cs(8,79): error CS1061: 'FuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'FuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(25,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithInnerExceptionTests.cs(29,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithInnerExceptionTests.cs(32,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Helpers\StringDifferenceTests.cs(73,32): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests2129.cs(14,78): error CS1061: 'FuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'FuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(51,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(129,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(49,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests2129.cs(20,77): error CS1061: 'FuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'FuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithInnerExceptionTests.cs(44,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(40,31): error CS1929: 'ValueAssertion' does not contain a definition for 'Contains' and the best extension method overload 'AssertionExtensions.Contains(IAssertionSource, string, string?)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(71,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(49,34): error CS1061: 'ValueAssertion' does not contain a definition for 'ContainsOnly' and no accessible extension method 'ContainsOnly' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Helpers\StringDifferenceTests.cs(97,32): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(14,33): error CS0029: Cannot implicitly convert type 'string' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(14,33): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(11,64): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(146,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithInnerExceptionTests.cs(58,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SkipTests.cs(13,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(93,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(65,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(69,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(17,76): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(117,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SkipTests.cs(24,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(58,50): error CS1061: 'ValueAssertion' does not contain a definition for 'ContainsOnly' and no accessible extension method 'ContainsOnly' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(22,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(24,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(140,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeEqualToAssertionTests.cs(21,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\BoolEqualToAssertionTests.cs(29,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(23,99): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(42,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(44,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(164,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotEquivalentTo' and no accessible extension method 'IsNotEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(9,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\ZeroAssertionTests.cs(31,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SkipTests.cs(45,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(83,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(87,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\BoolEqualToAssertionTests.cs(38,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(12,27): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(184,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotEquivalentTo' and no accessible extension method 'IsNotEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(29,87): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(11,52): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(34,33): error CS0029: Cannot implicitly convert type 'TUnit.Assertions.Tests.SatisfiesTests.MyModel' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(34,33): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DecimalEqualsToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(35,58): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeEqualToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(18,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(61,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(63,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(41,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualityComparerTests.cs(20,48): error CS1503: Argument 3: cannot convert from 'TUnit.Assertions.Tests.Old.EqualityComparerTests.Comparer' to 'string?' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DoubleEqualsToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(52,33): error CS0029: Cannot implicitly convert type 'System.Threading.Tasks.Task' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(52,33): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(26,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\ZeroAssertionTests.cs(38,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(101,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(47,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(77,11): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(74,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DoubleEqualsToAssertionTests.cs(30,60): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(85,15): error CS1929: 'ValueAssertion' does not contain a definition for 'DoesNotContain' and the best extension method overload 'AssertionExtensions.DoesNotContain(IAssertionSource, string, string?)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(53,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(59,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(65,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\ExceptionAssertionTests.cs(9,14): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DoubleEqualsToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(35,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(22,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(24,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\ZeroAssertionTests.cs(45,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(86,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(43,36): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(22,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(24,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(42,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(44,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(94,31): error CS1929: 'ValueAssertion' does not contain a definition for 'DoesNotContain' and the best extension method overload 'AssertionExtensions.DoesNotContain(IAssertionSource, string, string?)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(98,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(35,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.NothingTests.cs(24,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(103,34): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInOrder' and no accessible extension method 'IsInOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\LongEqualsToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(52,40): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeOffsetEqualToAssertionTests.cs(21,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(61,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(63,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\MemberTests.cs(16,41): error CS1061: 'ValueAssertion' does not contain a definition for 'HasMember' and no accessible extension method 'HasMember' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\LongEqualsToAssertionTests.cs(30,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(32,27): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\IntegerEqualsToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(72,33): error CS0029: Cannot implicitly convert type 'System.Threading.Tasks.Task' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(72,33): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(74,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(112,50): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInOrder' and no accessible extension method 'IsInOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualsAssertionTests.cs(11,60): error CS1503: Argument 3: cannot convert from 'System.StringComparison' to 'string?' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(47,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeSpanEqualToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\LongEqualsToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(60,23): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(64,15): error CS1061: 'AsyncDelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'AsyncDelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(68,15): error CS1061: 'AsyncDelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'AsyncDelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(62,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(121,34): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInDescendingOrder' and no accessible extension method 'IsInDescendingOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeOffsetEqualToAssertionTests.cs(30,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\IntegerEqualsToAssertionTests.cs(30,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(70,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(86,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\MemberTests.cs(29,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(75,52): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeSpanEqualToAssertionTests.cs(29,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DecimalEqualsToAssertionTests.cs(30,60): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(59,30): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(99,18): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualsAssertionTests.cs(35,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DecimalEqualsToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(130,50): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInDescendingOrder' and no accessible extension method 'IsInDescendingOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(79,31): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(79,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(141,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInOrder' and no accessible extension method 'IsInOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeOffsetEqualToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(87,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualsAssertionTests.cs(42,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\IntegerEqualsToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(10,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(18,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'WithTrimming' and no accessible extension method 'WithTrimming' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeSpanEqualToAssertionTests.cs(38,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualsAssertionTests.cs(49,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(113,51): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(26,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'WithTrimming' and no accessible extension method 'WithTrimming' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(96,40): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(18,57): error CS1061: 'StringContainsAssertion' does not contain a definition for 'WithTrimming' and no accessible extension method 'WithTrimming' accepting a first argument of type 'StringContainsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\MemberTests.cs(51,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(34,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'IgnoringWhitespace' and no accessible extension method 'IgnoringWhitespace' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(104,36): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(91,41): error CS0029: Cannot implicitly convert type 'string' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(91,41): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(24,46): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(42,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'WithNullAndEmptyEquality' and no accessible extension method 'WithNullAndEmptyEquality' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(26,57): error CS1061: 'StringContainsAssertion' does not contain a definition for 'WithTrimming' and no accessible extension method 'WithTrimming' accepting a first argument of type 'StringContainsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(51,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'WithNullAndEmptyEquality' and no accessible extension method 'WithNullAndEmptyEquality' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(34,57): error CS1061: 'StringContainsAssertion' does not contain a definition for 'IgnoringWhitespace' and no accessible extension method 'IgnoringWhitespace' accepting a first argument of type 'StringContainsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(37,46): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(136,51): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\MemberTests.cs(68,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(60,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(43,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(69,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(53,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(52,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(78,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(17,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(24,37): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNullOrEmpty' and no accessible extension method 'IsNullOrEmpty' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(87,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(31,37): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNullOrEmpty' and no accessible extension method 'IsNullOrEmpty' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(96,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(62,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(77,78): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(79,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(38,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(144,52): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(168,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(169,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(170,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(171,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(172,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(173,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(174,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(105,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(153,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(107,78): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(109,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(66,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(73,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(87,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(140,78): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(142,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(163,51): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(176,51): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(192,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(216,83): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(218,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(246,83): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(248,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(279,83): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(281,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(118,41): error CS0029: Cannot implicitly convert type 'TUnit.Assertions.Tests.SatisfiesTests.MyModel' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(118,41): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(154,41): error CS0029: Cannot implicitly convert type 'System.Threading.Tasks.Task' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(154,41): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(181,41): error CS0029: Cannot implicitly convert type 'System.Threading.Tasks.Task' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(181,41): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(211,35): error CS1501: No overload for method 'All' takes 0 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(222,35): error CS1501: No overload for method 'All' takes 0 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(234,39): error CS1501: No overload for method 'All' takes 0 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(247,43): error CS1501: No overload for method 'All' takes 0 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(16,44): error CS1061: 'ValueAssertion>' does not contain a definition for 'ContainsKey' and no accessible extension method 'ContainsKey' accepting a first argument of type 'ValueAssertion>' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(27,44): error CS1061: 'ValueAssertion>' does not contain a definition for 'DoesNotContainKey' and no accessible extension method 'DoesNotContainKey' accepting a first argument of type 'ValueAssertion>' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(35,44): error CS1061: 'ValueAssertion' does not contain a definition for 'ContainsKey' and no accessible extension method 'ContainsKey' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateOnlyEqualToAssertionTests.cs(25,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeOnlyEqualToAssertionTests.cs(25,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(46,44): error CS1061: 'ValueAssertion>' does not contain a definition for 'DoesNotContainKey' and no accessible extension method 'DoesNotContainKey' accepting a first argument of type 'ValueAssertion>' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(22,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(24,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(22,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(24,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateOnlyEqualToAssertionTests.cs(34,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'WithinDays' and no accessible extension method 'WithinDays' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeOnlyEqualToAssertionTests.cs(34,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.NothingTests.cs(24,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(57,44): error CS1061: 'ValueAssertion>' does not contain a definition for 'ContainsKey' and no accessible extension method 'ContainsKey' accepting a first argument of type 'ValueAssertion>' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertionBuilders\AndAssertionTests.cs(17,35): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertionBuilders\OrAssertionTests.cs(17,35): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(35,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(22,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(24,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateOnlyEqualToAssertionTests.cs(43,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(42,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(44,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeOnlyEqualToAssertionTests.cs(43,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(63,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(47,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(42,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(44,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(61,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(63,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(59,30): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithInnerExceptionTests.cs(29,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithInnerExceptionTests.cs(32,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithInnerExceptionTests.cs(44,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithInnerExceptionTests.cs(58,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithMessageTests.cs(28,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithMessageTests.cs(30,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithMessageTests.cs(42,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(12,27): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\FailTests.cs(11,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithMessageTests.cs(55,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\FailTests.cs(22,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests2145.cs(12,38): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(21,11): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests2129.cs(8,79): error CS1061: 'FuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'FuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\FailTests.cs(43,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(29,26): error CS1929: 'ValueAssertion' does not contain a definition for 'Contains' and the best extension method overload 'AssertionExtensions.Contains(IAssertionSource, string, string?)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1600.cs(12,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1600.cs(22,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(32,27): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithParameterNameTests.cs(28,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithParameterNameTests.cs(30,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\TypeInferenceTests.cs(12,19): error CS1929: 'AndContinuation>' does not contain a definition for 'Contains' and the best extension method overload 'AssertionExtensions.Contains(IAssertionSource, string, string?)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(60,23): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(64,15): error CS1061: 'AsyncDelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'AsyncDelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(68,15): error CS1061: 'AsyncDelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'AsyncDelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithParameterNameTests.cs(42,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Helpers\StringDifferenceTests.cs(25,32): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(74,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithParameterNameTests.cs(55,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(15,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Helpers\StringDifferenceTests.cs(49,32): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(86,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(79,31): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(99,18): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(16,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Helpers\StringDifferenceTests.cs(73,32): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(37,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(61,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(63,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(33,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Helpers\StringDifferenceTests.cs(97,32): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(113,51): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(74,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(86,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(48,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(136,51): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(98,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(71,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(95,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(25,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(49,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1770.cs(10,32): error CS1061: 'object' does not contain a definition for 'ToByteArray' and no accessible extension method 'ToByteArray' accepting a first argument of type 'object' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(71,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1770.cs(22,32): error CS1061: 'object' does not contain a definition for 'ToByteArray' and no accessible extension method 'ToByteArray' accepting a first argument of type 'object' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(93,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests2129.cs(14,78): error CS1061: 'FuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'FuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests2129.cs(20,77): error CS1061: 'FuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'FuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(117,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(140,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1860.cs(24,34): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1774.cs(15,31): error CS0029: Cannot implicitly convert type 'string' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1774.cs(15,31): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(164,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotEquivalentTo' and no accessible extension method 'IsNotEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertionBuilders\OrAssertionTests.cs(38,88): error CS1061: 'AsyncDelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncDelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(51,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(184,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotEquivalentTo' and no accessible extension method 'IsNotEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(11,64): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(40,31): error CS1929: 'ValueAssertion' does not contain a definition for 'Contains' and the best extension method overload 'AssertionExtensions.Contains(IAssertionSource, string, string?)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\ZeroAssertionTests.cs(31,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(49,34): error CS1061: 'ValueAssertion' does not contain a definition for 'ContainsOnly' and no accessible extension method 'ContainsOnly' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(17,76): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\ZeroAssertionTests.cs(38,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\BoolEqualToAssertionTests.cs(29,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(9,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(58,50): error CS1061: 'ValueAssertion' does not contain a definition for 'ContainsOnly' and no accessible extension method 'ContainsOnly' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\BoolEqualToAssertionTests.cs(38,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(23,99): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(65,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(69,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(29,87): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(35,58): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(18,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(41,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(26,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(47,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DoubleEqualsToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(53,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DoubleEqualsToAssertionTests.cs(30,60): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(59,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualityComparerTests.cs(20,48): error CS1503: Argument 3: cannot convert from 'TUnit.Assertions.Tests.Old.EqualityComparerTests.Comparer' to 'string?' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(65,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(77,11): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(35,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(85,15): error CS1929: 'ValueAssertion' does not contain a definition for 'DoesNotContain' and the best extension method overload 'AssertionExtensions.DoesNotContain(IAssertionSource, string, string?)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DoubleEqualsToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(43,36): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(52,40): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(83,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(87,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(112,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(11,52): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(94,31): error CS1929: 'ValueAssertion' does not contain a definition for 'DoesNotContain' and the best extension method overload 'AssertionExtensions.DoesNotContain(IAssertionSource, string, string?)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(103,34): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInOrder' and no accessible extension method 'IsInOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(62,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(70,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(112,50): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInOrder' and no accessible extension method 'IsInOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(121,34): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInDescendingOrder' and no accessible extension method 'IsInDescendingOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\IntegerEqualsToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(79,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(101,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(87,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\IntegerEqualsToAssertionTests.cs(30,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(130,50): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInDescendingOrder' and no accessible extension method 'IsInDescendingOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(141,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInOrder' and no accessible extension method 'IsInOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SkipTests.cs(13,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(96,40): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(104,36): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\IntegerEqualsToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\LongEqualsToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\LongEqualsToAssertionTests.cs(30,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(14,33): error CS0029: Cannot implicitly convert type 'string' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(14,33): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SkipTests.cs(24,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\MemberTests.cs(16,41): error CS1061: 'ValueAssertion' does not contain a definition for 'HasMember' and no accessible extension method 'HasMember' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\ZeroAssertionTests.cs(45,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\ExceptionAssertionTests.cs(9,14): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\MemberTests.cs(29,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(24,46): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualsAssertionTests.cs(11,60): error CS1503: Argument 3: cannot convert from 'System.StringComparison' to 'string?' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(18,57): error CS1061: 'StringContainsAssertion' does not contain a definition for 'WithTrimming' and no accessible extension method 'WithTrimming' accepting a first argument of type 'StringContainsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(37,46): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(18,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'WithTrimming' and no accessible extension method 'WithTrimming' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(26,57): error CS1061: 'StringContainsAssertion' does not contain a definition for 'WithTrimming' and no accessible extension method 'WithTrimming' accepting a first argument of type 'StringContainsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(26,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'WithTrimming' and no accessible extension method 'WithTrimming' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(34,57): error CS1061: 'StringContainsAssertion' does not contain a definition for 'IgnoringWhitespace' and no accessible extension method 'IgnoringWhitespace' accepting a first argument of type 'StringContainsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(34,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'IgnoringWhitespace' and no accessible extension method 'IgnoringWhitespace' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualsAssertionTests.cs(35,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(42,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'WithNullAndEmptyEquality' and no accessible extension method 'WithNullAndEmptyEquality' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(75,52): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\MemberTests.cs(51,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(34,33): error CS0029: Cannot implicitly convert type 'TUnit.Assertions.Tests.SatisfiesTests.MyModel' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(34,33): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualsAssertionTests.cs(42,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(51,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'WithNullAndEmptyEquality' and no accessible extension method 'WithNullAndEmptyEquality' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualsAssertionTests.cs(49,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(52,33): error CS0029: Cannot implicitly convert type 'System.Threading.Tasks.Task' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(52,33): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(60,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\MemberTests.cs(68,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(53,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(69,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(78,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\LongEqualsToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(43,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(87,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(52,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(77,78): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(79,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(129,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(96,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(62,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(72,33): error CS0029: Cannot implicitly convert type 'System.Threading.Tasks.Task' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(72,33): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(105,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(10,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeEqualToAssertionTests.cs(21,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeOffsetEqualToAssertionTests.cs(21,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(17,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(146,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeOffsetEqualToAssertionTests.cs(30,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(153,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DecimalEqualsToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(107,78): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(109,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DecimalEqualsToAssertionTests.cs(30,60): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SkipTests.cs(45,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeEqualToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeOffsetEqualToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DecimalEqualsToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(144,52): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(168,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(169,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(170,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(171,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(172,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(173,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(174,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeSpanEqualToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(140,78): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(142,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(91,41): error CS0029: Cannot implicitly convert type 'string' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(91,41): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeSpanEqualToAssertionTests.cs(29,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(163,51): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeSpanEqualToAssertionTests.cs(38,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(24,37): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNullOrEmpty' and no accessible extension method 'IsNullOrEmpty' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(176,51): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(31,37): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNullOrEmpty' and no accessible extension method 'IsNullOrEmpty' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(38,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(192,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(66,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(73,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(216,83): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(218,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(87,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(246,83): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(248,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(279,83): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(281,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(118,41): error CS0029: Cannot implicitly convert type 'TUnit.Assertions.Tests.SatisfiesTests.MyModel' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(118,41): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(154,41): error CS0029: Cannot implicitly convert type 'System.Threading.Tasks.Task' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(154,41): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(181,41): error CS0029: Cannot implicitly convert type 'System.Threading.Tasks.Task' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(181,41): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(211,35): error CS1501: No overload for method 'All' takes 0 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(222,35): error CS1501: No overload for method 'All' takes 0 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(234,39): error CS1501: No overload for method 'All' takes 0 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(247,43): error CS1501: No overload for method 'All' takes 0 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(16,44): error CS1061: 'ValueAssertion>' does not contain a definition for 'ContainsKey' and no accessible extension method 'ContainsKey' accepting a first argument of type 'ValueAssertion>' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(27,44): error CS1061: 'ValueAssertion>' does not contain a definition for 'DoesNotContainKey' and no accessible extension method 'DoesNotContainKey' accepting a first argument of type 'ValueAssertion>' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(35,44): error CS1061: 'ValueAssertion' does not contain a definition for 'ContainsKey' and no accessible extension method 'ContainsKey' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(46,44): error CS1061: 'ValueAssertion>' does not contain a definition for 'DoesNotContainKey' and no accessible extension method 'DoesNotContainKey' accepting a first argument of type 'ValueAssertion>' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\TypeInferenceTests.cs(12,19): error CS1929: 'AndContinuation>' does not contain a definition for 'Contains' and the best extension method overload 'Polyfill.Contains(string, char)' requires a receiver of type 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(57,44): error CS1061: 'ValueAssertion>' does not contain a definition for 'ContainsKey' and no accessible extension method 'ContainsKey' accepting a first argument of type 'ValueAssertion>' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(16,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DictionaryAssertionTests.cs(63,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(15,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(33,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertionBuilders\OrAssertionTests.cs(17,35): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(37,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithParameterNameTests.cs(28,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithParameterNameTests.cs(30,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1770.cs(10,32): error CS1061: 'object' does not contain a definition for 'ToByteArray' and no accessible extension method 'ToByteArray' accepting a first argument of type 'object' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1860.cs(24,34): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1774.cs(15,31): error CS0029: Cannot implicitly convert type 'string' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1774.cs(15,31): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(48,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithParameterNameTests.cs(42,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(51,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1770.cs(22,32): error CS1061: 'object' does not contain a definition for 'ToByteArray' and no accessible extension method 'ToByteArray' accepting a first argument of type 'object' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(22,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(24,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests2129.cs(8,79): error CS1061: 'FuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'FuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(71,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1600.cs(12,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests2129.cs(14,78): error CS1061: 'FuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'FuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(22,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(24,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests2129.cs(20,77): error CS1061: 'FuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'FuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(42,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(44,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests1600.cs(22,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertionBuilders\OrAssertionTests.cs(38,88): error CS1061: 'AsyncDelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncDelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(35,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.NothingTests.cs(24,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(12,27): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(61,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(63,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(95,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithParameterNameTests.cs(55,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(22,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(24,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(65,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(69,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(47,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithMessageTests.cs(28,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithMessageTests.cs(30,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(42,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(44,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\FailTests.cs(11,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithInnerExceptionTests.cs(29,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithInnerExceptionTests.cs(32,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(112,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Helpers\StringDifferenceTests.cs(25,32): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertionBuilders\AndAssertionTests.cs(17,35): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(25,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithMessageTests.cs(42,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\FailTests.cs(22,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithInnerExceptionTests.cs(44,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExceptionTests.cs(59,30): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(61,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(63,36): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Helpers\StringDifferenceTests.cs(49,32): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(83,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(87,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(74,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(49,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithMessageTests.cs(55,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(74,52): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.WithInnerExceptionTests.cs(58,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Bugs\Tests2145.cs(12,38): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\FailTests.cs(43,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\ZeroAssertionTests.cs(31,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(129,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(86,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Helpers\StringDifferenceTests.cs(73,32): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(14,33): error CS0029: Cannot implicitly convert type 'string' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(14,33): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(71,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(86,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\ZeroAssertionTests.cs(38,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(101,14): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(99,18): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\ZeroAssertionTests.cs(45,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SkipTests.cs(13,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.OfTypeTests.cs(98,46): error CS1061: 'DelegateAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(93,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Helpers\StringDifferenceTests.cs(97,32): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(146,38): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SkipTests.cs(24,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(32,27): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeSpanEqualToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(113,51): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(60,23): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(64,15): error CS1061: 'AsyncDelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'AsyncDelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(68,15): error CS1061: 'AsyncDelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'AsyncDelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(11,64): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeSpanEqualToAssertionTests.cs(29,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(117,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SkipTests.cs(45,51): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsExactly' and no accessible extension method 'ThrowsExactly' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(34,33): error CS0029: Cannot implicitly convert type 'TUnit.Assertions.Tests.SatisfiesTests.MyModel' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(34,33): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(17,76): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\TimeSpanEqualToAssertionTests.cs(38,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(21,11): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(140,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsEquivalentTo' and no accessible extension method 'IsEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(52,33): error CS0029: Cannot implicitly convert type 'System.Threading.Tasks.Task' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(52,33): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\AssertMultipleTests.cs(79,31): error CS0117: 'Assert' does not contain a definition for 'Multiple' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Assertions\Delegates\Throws.ExactlyTests.cs(136,51): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\BoolEqualToAssertionTests.cs(29,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(29,26): error CS1929: 'ValueAssertion' does not contain a definition for 'Contains' and the best extension method overload 'Polyfill.Contains(string, char)' requires a receiver of type 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(9,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\BoolEqualToAssertionTests.cs(38,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeEqualToAssertionTests.cs(21,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(164,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotEquivalentTo' and no accessible extension method 'IsNotEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(24,46): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(11,52): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\IgnoringTypeEquivalentTests.cs(184,14): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotEquivalentTo' and no accessible extension method 'IsNotEquivalentTo' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DecimalEqualsToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(23,99): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(18,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(26,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(53,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualityComparerTests.cs(20,48): error CS1503: Argument 3: cannot convert from 'TUnit.Assertions.Tests.Old.EqualityComparerTests.Comparer' to 'string?' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(29,87): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeOffsetEqualToAssertionTests.cs(21,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DoubleEqualsToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(35,58): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'IsNotNullOrEmpty' and no accessible extension method 'IsNotNullOrEmpty' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeEqualToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeOffsetEqualToAssertionTests.cs(30,58): error CS1061: 'EqualsAssertion' does not contain a definition for 'Within' and no accessible extension method 'Within' accepting a first argument of type 'EqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(41,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(77,78): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(79,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(35,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(47,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(43,36): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(72,33): error CS0029: Cannot implicitly convert type 'System.Threading.Tasks.Task' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(72,33): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(53,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DateTimeOffsetEqualToAssertionTests.cs(39,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(59,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AsyncTaskTests.cs(65,27): error CS1501: No overload for method 'ThrowsAsync' takes 1 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\MemberTests.cs(16,41): error CS1061: 'ValueAssertion' does not contain a definition for 'HasMember' and no accessible extension method 'HasMember' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\ExceptionAssertionTests.cs(9,14): error CS1061: 'DelegateAssertion' does not contain a definition for 'ThrowsException' and no accessible extension method 'ThrowsException' accepting a first argument of type 'DelegateAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(140,78): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(142,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\IntegerEqualsToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\LongEqualsToAssertionTests.cs(20,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(52,40): error CS1061: 'ValueAssertion' does not contain a definition for 'IsDefault' and no accessible extension method 'IsDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(163,51): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(10,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(17,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(192,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\MemberTests.cs(29,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(24,37): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNullOrEmpty' and no accessible extension method 'IsNullOrEmpty' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(40,31): error CS1929: 'ValueAssertion' does not contain a definition for 'Contains' and the best extension method overload 'Polyfill.Contains(string, char)' requires a receiver of type 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(18,57): error CS1061: 'StringContainsAssertion' does not contain a definition for 'WithTrimming' and no accessible extension method 'WithTrimming' accepting a first argument of type 'StringContainsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(62,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(31,37): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNullOrEmpty' and no accessible extension method 'IsNullOrEmpty' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(70,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(49,34): error CS1061: 'ValueAssertion' does not contain a definition for 'ContainsOnly' and no accessible extension method 'ContainsOnly' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(26,57): error CS1061: 'StringContainsAssertion' does not contain a definition for 'WithTrimming' and no accessible extension method 'WithTrimming' accepting a first argument of type 'StringContainsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(18,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'WithTrimming' and no accessible extension method 'WithTrimming' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(38,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(216,83): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(218,43): error CS1501: No overload for method 'ThrowsAsync' takes 2 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(34,57): error CS1061: 'StringContainsAssertion' does not contain a definition for 'IgnoringWhitespace' and no accessible extension method 'IgnoringWhitespace' accepting a first argument of type 'StringContainsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(26,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'WithTrimming' and no accessible extension method 'WithTrimming' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(91,41): error CS0029: Cannot implicitly convert type 'string' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(91,41): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(34,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'IgnoringWhitespace' and no accessible extension method 'IgnoringWhitespace' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(79,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(75,52): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(87,35): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(42,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'WithNullAndEmptyEquality' and no accessible extension method 'WithNullAndEmptyEquality' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(279,83): error CS1503: Argument 2: cannot convert from 'System.Text.RegularExpressions.Regex' to 'string' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringRegexAssertionTests.cs(281,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(51,58): error CS1061: 'StringEqualsAssertion' does not contain a definition for 'WithNullAndEmptyEquality' and no accessible extension method 'WithNullAndEmptyEquality' accepting a first argument of type 'StringEqualsAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(66,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(60,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(43,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(96,40): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(73,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\DefaultAssertionTests.cs(104,36): error CS1061: 'ValueAssertion' does not contain a definition for 'IsNotDefault' and no accessible extension method 'IsNotDefault' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(69,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\MemberTests.cs(51,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringAssertionTests.cs(87,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(52,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(78,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualsAssertionTests.cs(11,60): error CS1503: Argument 3: cannot convert from 'System.StringComparison' to 'string?' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(87,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringContainsAssertionTests.cs(62,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\MemberTests.cs(68,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(58,50): error CS1061: 'ValueAssertion' does not contain a definition for 'ContainsOnly' and no accessible extension method 'ContainsOnly' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(96,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(105,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\StringEqualsAssertionTests.cs(153,43): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualsAssertionTests.cs(35,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(144,52): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(168,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(169,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(170,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(171,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(172,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(173,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\AssertMultipleTests.cs(174,15): error CS1929: 'ValueAssertion' does not contain a definition for 'IsTypeOf' and the best extension method overload 'AssertionExtensions.IsTypeOf(IAssertionSource)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualsAssertionTests.cs(42,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\Old\EqualsAssertionTests.cs(49,27): error CS0117: 'Assert' does not contain a definition for 'ThrowsAsync' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(77,11): error CS1061: 'AsyncFuncAssertion' does not contain a definition for 'Throws' and no accessible extension method 'Throws' accepting a first argument of type 'AsyncFuncAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(85,15): error CS1929: 'ValueAssertion' does not contain a definition for 'DoesNotContain' and the best extension method overload 'AssertionExtensions.DoesNotContain(IAssertionSource, string, string?)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(94,31): error CS1929: 'ValueAssertion' does not contain a definition for 'DoesNotContain' and the best extension method overload 'AssertionExtensions.DoesNotContain(IAssertionSource, string, string?)' requires a receiver of type 'TUnit.Assertions.Core.IAssertionSource' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(103,34): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInOrder' and no accessible extension method 'IsInOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(112,50): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInOrder' and no accessible extension method 'IsInOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(121,34): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInDescendingOrder' and no accessible extension method 'IsInDescendingOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(130,50): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInDescendingOrder' and no accessible extension method 'IsInDescendingOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\EnumerableTests.cs(141,39): error CS1061: 'ValueAssertion' does not contain a definition for 'IsInOrder' and no accessible extension method 'IsInOrder' accepting a first argument of type 'ValueAssertion' could be found (are you missing a using directive or an assembly reference?) [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(118,41): error CS0029: Cannot implicitly convert type 'TUnit.Assertions.Tests.SatisfiesTests.MyModel' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(118,41): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(154,41): error CS0029: Cannot implicitly convert type 'System.Threading.Tasks.Task' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(154,41): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(181,41): error CS0029: Cannot implicitly convert type 'System.Threading.Tasks.Task' to 'bool' [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(181,41): error CS1662: Cannot convert lambda expression to intended delegate type because some of the return types in the block are not implicitly convertible to the delegate return type [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(211,35): error CS1501: No overload for method 'All' takes 0 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(222,35): error CS1501: No overload for method 'All' takes 0 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(234,39): error CS1501: No overload for method 'All' takes 0 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -C:\git\TUnit\TUnit.Assertions.Tests\SatisfiesTests.cs(247,43): error CS1501: No overload for method 'All' takes 0 arguments [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] - 88 Warning(s) - 727 Error(s) - -Time Elapsed 00:00:05.66 - -Workload updates are available. Run `dotnet workload list` for more information. diff --git a/build_log.txt b/build_log.txt deleted file mode 100644 index b48560a30a..0000000000 --- a/build_log.txt +++ /dev/null @@ -1,6 +0,0 @@ -MSBUILD : error MSB1008: Only one project can be specified. - Full command line: 'C:\Program Files\dotnet\sdk\9.0.302\MSBuild.dll -maxcpucount -verbosity:m -tlp:default=auto -nologo -consoleloggerparameters:Summary -property:TargetFramework=net8.0 -restore:false -verbosity:diagnostic TUnit.TestProject/TUnit.TestProject.csproj 2 -distributedlogger:Microsoft.DotNet.Tools.MSBuild.MSBuildLogger,C:\Program Files\dotnet\sdk\9.0.302\dotnet.dll*Microsoft.DotNet.Tools.MSBuild.MSBuildForwardingLogger,C:\Program Files\dotnet\sdk\9.0.302\dotnet.dll' - Switches appended by response files: -Switch: 2 - -For switch syntax, type "MSBuild -help" diff --git a/build_output.txt b/build_output.txt deleted file mode 100644 index 6c5e557345..0000000000 --- a/build_output.txt +++ /dev/null @@ -1,355 +0,0 @@ - Determining projects to restore... - All projects are up-to-date for restore. - TUnit.Core -> C:\git\TUnit\TUnit.Core\bin\Release\netstandard2.0\TUnit.Core.dll - TUnit.Core -> C:\git\TUnit\TUnit.Core\bin\Release\net8.0\TUnit.Core.dll - TUnit.Core -> C:\git\TUnit\TUnit.Core\bin\Release\net9.0\TUnit.Core.dll - TUnit.Engine -> C:\git\TUnit\TUnit.Engine\bin\Release\netstandard2.0\TUnit.Engine.dll -C:\git\TUnit\TUnit.Engine\Building\TestDataCollectorFactory.cs(48,30): error IL3050: Using member 'TUnit.Engine.Building.Collectors.AotTestDataCollector.CollectTestsAsync(String)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Generic test instantiation requires MakeGenericType. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\TestDataCollectorFactory.cs(48,30): error IL2026: Using member 'TUnit.Engine.Building.Collectors.AotTestDataCollector.CollectTestsAsync(String)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Assembly scanning uses dynamic type discovery and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(60,39): error IL3050: Using member 'TUnit.Engine.Building.Interfaces.ITestDataCollector.CollectTestsAsync(String)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Generic test instantiation requires MakeGenericType. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(60,39): error IL2026: Using member 'TUnit.Engine.Building.Interfaces.ITestDataCollector.CollectTestsAsync(String)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Assembly scanning uses dynamic type discovery and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(74,39): error IL3050: Using member 'TUnit.Engine.Building.Interfaces.ITestDataCollector.CollectTestsAsync(String)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Generic test instantiation requires MakeGenericType. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(74,39): error IL2026: Using member 'TUnit.Engine.Building.Interfaces.ITestDataCollector.CollectTestsAsync(String)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Assembly scanning uses dynamic type discovery and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(77,30): error IL2026: Using member 'TUnit.Engine.Building.TestBuilderPipeline.BuildTestsFromSingleMetadataAsync(TestMetadata)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(99,38): error IL2026: Using member 'TUnit.Engine.Building.TestBuilderPipeline.GenerateDynamicTests(TestMetadata)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(102,34): error IL2026: Using member 'TUnit.Engine.Building.Interfaces.ITestBuilder.BuildTestsFromMetadataAsync(TestMetadata)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\Collectors\AotTestDataCollector.cs(100,42): error IL2026: Using member 'TUnit.Engine.Building.Collectors.AotTestDataCollector.CreateMetadataFromDynamicDiscoveryResult(DynamicDiscoveryResult)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Method extraction from expressions uses reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\TUnitInitializer.cs(23,13): error IL3050: Using member 'TUnit.Engine.TUnitInitializer.DiscoverHooksViaReflection()' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Hook delegate creation requires dynamic code generation. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\TUnitInitializer.cs(23,13): error IL2026: Using member 'TUnit.Engine.TUnitInitializer.DiscoverHooksViaReflection()' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Hook discovery uses reflection to scan assemblies and types. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\TestSessionCoordinator.cs(76,15): error IL2026: Using member 'TUnit.Engine.TestSessionCoordinator.InitializeStaticPropertiesAsync(CancellationToken)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Static property initialization uses reflection in reflection mode. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\TestSessionCoordinator.cs(96,23): error IL3050: Using member 'TUnit.Core.StaticPropertyReflectionInitializer.InitializeAllStaticPropertiesAsync()' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Data source initialization may require dynamic code generation. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilder.cs(652,13): error IL3050: Using member 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.DiscoverInstanceHooksForType(Type)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Hook registration may involve dynamic delegate creation. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilder.cs(652,13): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.DiscoverInstanceHooksForType(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Hook discovery uses reflection on methods and attributes. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\TestRegistry.cs(148,30): error IL2026: Using member 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Method metadata creation uses reflection on parameters and types. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\TestRegistry.cs(153,34): error IL2026: Using member 'TUnit.Core.PropertySourceRegistry.DiscoverInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Reflection discovery is used when source-generated metadata is not available. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(319,36): error IL2026: Using member 'System.Reflection.Assembly.GetReferencedAssemblies()' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Assembly references might be removed. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilder.cs(1116,34): error IL2026: Using member 'TUnit.Engine.Utilities.ScopedAttributeFilter.FilterScopedAttributes(IEnumerable)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilder.cs(1258,41): error IL2026: Using member 'TUnit.Engine.Building.TestBuilder.TryInferClassGenericsFromDataSources(TestMetadata)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Generic type inference uses reflection on data sources and parameters. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(904,35): error IL3050: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateInstanceFactory(Type)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Generic type instantiation uses MakeGenericType and Activator. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(905,31): error IL3050: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateTestInvoker(Type, MethodInfo)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Generic method instantiation uses MakeGenericMethod. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(904,35): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateInstanceFactory(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Instance creation uses reflection and Activator.CreateInstance. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(905,31): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateTestInvoker(Type, MethodInfo)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Test invocation uses reflection and MethodInfo.Invoke. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(908,34): error IL2026: Using member 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Method metadata creation uses reflection on parameters and types. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(909,35): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionGenericTypeResolver.ExtractGenericTypeInfo(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Generic type info extraction uses reflection on type parameters. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(910,37): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionGenericTypeResolver.ExtractGenericMethodInfo(MethodInfo)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Generic method info extraction uses reflection on method parameters. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(913,38): error IL2026: Using member 'TUnit.Core.PropertySourceRegistry.DiscoverInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Reflection discovery is used when source-generated metadata is not available. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1139,30): error IL2026: Using member 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Method metadata creation uses reflection on parameters and types. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\TestRegistry.cs(65,15): error IL2026: Using member 'TUnit.Engine.Services.TestRegistry.ProcessPendingDynamicTests()' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Dynamic test metadata creation uses reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\TestGenericTypeResolver.cs(422,22): error IL2026: Using member 'TUnit.Engine.Services.TestGenericTypeResolver.TryInferTypeMapping(Type, Type, Dictionary)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type mapping inference uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\TestGenericTypeResolver.cs(438,14): error IL2026: Using member 'TUnit.Engine.Services.TestGenericTypeResolver.TryInferTypeMapping(Type, Type, Dictionary)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type mapping inference uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1105,13): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CollectTestsAsync(String)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Assembly scanning uses dynamic type discovery and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1105,13): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CollectTestsStreamingAsync(String, CancellationToken)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Reflection-based test discovery requires dynamic access to types, methods, and attributes. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1052,27): error IL2070: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicMethods' in call to 'System.Type.GetMethods(BindingFlags)'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.HasTestMethods(Type)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1160,13): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.MethodMetadata.Type.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateDummyMethodMetadata(Type, String)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(198,34): error IL2070: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicMethods' in call to 'System.Type.GetMethods(BindingFlags)'. The parameter 't' of method 'lambda expression' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(198,34): error IL2075: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicMethods' in call to 'System.Type.GetMethods(BindingFlags)'. The return value of method 'System.Type.BaseType.get' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1164,17): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.ClassMetadata.Type.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateDummyMethodMetadata(Type, String)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1135,13): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.TestMetadata.TestClassType.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateFailedTestMetadata(Type, MethodInfo, Exception)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1139,30): error IL2067: 'type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateFailedTestMetadata(Type, MethodInfo, Exception)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1396,29): error IL2070: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.Interfaces' in call to 'System.Type.GetInterfaces()'. The parameter 'argType' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.IsCovariantCompatible(Type, Type)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1324,39): error IL2070: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.Interfaces' in call to 'System.Type.GetInterfaces()'. The parameter 'argType' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.InferGenericTypeMapping(Type, Type, Dictionary)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1345,35): error IL2070: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.Interfaces' in call to 'System.Type.GetInterfaces()'. The parameter 'argType' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.InferGenericTypeMapping(Type, Type, Dictionary)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1834,42): error IL3050: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateMetadataFromDynamicDiscoveryResult(DynamicDiscoveryResult)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Expression compilation is used for dynamic test invocation. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1834,42): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateMetadataFromDynamicDiscoveryResult(DynamicDiscoveryResult)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Dynamic test metadata creation uses reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(893,50): error IL2067: 'testClass' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Engine.Discovery.ReflectionTestMetadata.ReflectionTestMetadata(Type, MethodInfo)'. The parameter 'testClass' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.BuildTestMetadata(Type, MethodInfo, Object[])' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(896,17): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.TestMetadata.TestClassType.init'. The parameter 'testClass' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.BuildTestMetadata(Type, MethodInfo, Object[])' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(896,17): error IL2072: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.TestMetadata.TestClassType.init'. The return value of method 'System.Type.BaseType.get' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(903,39): error IL2067: 'testClass' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Engine.Discovery.ReflectionAttributeExtractor.ExtractPropertyDataSources(Type)'. The parameter 'testClass' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.BuildTestMetadata(Type, MethodInfo, Object[])' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(904,35): error IL2067: 'testClass' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors' in call to 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateInstanceFactory(Type)'. The parameter 'testClass' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.BuildTestMetadata(Type, MethodInfo, Object[])' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(908,34): error IL2067: 'type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)'. The parameter 'testClass' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.BuildTestMetadata(Type, MethodInfo, Object[])' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(913,38): error IL2067: 'type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicFields', 'DynamicallyAccessedMemberTypes.NonPublicFields', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.PropertySourceRegistry.DiscoverInjectableProperties(Type)'. The parameter 'testClass' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.BuildTestMetadata(Type, MethodInfo, Object[])' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(2151,58): error IL2077: 'testClassType' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors' in call to 'TUnit.Core.Helpers.ClassConstructorHelper.TryCreateInstanceWithClassConstructor(IReadOnlyList, Type, String, TestContext)'. The field 'TUnit.Engine.Discovery.ReflectionTestDataCollector.DynamicReflectionTestMetadata._testClass' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(2090,30): error IL2026: Using member 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Method metadata creation uses reflection on parameters and types. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(2086,13): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.TestMetadata.TestClassType.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateFailedTestMetadataForDynamicBuilder(Type, MethodInfo, Exception)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(2090,30): error IL2067: 'type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateFailedTestMetadataForDynamicBuilder(Type, MethodInfo, Exception)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(743,13): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.MethodMetadata.Type.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.CreateMethodMetadata(Type, MethodInfo)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(747,17): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.ClassMetadata.Type.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.CreateMethodMetadata(Type, MethodInfo)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(758,61): error IL2072: 'Type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.ParameterMetadata.ParameterMetadata(Type)'. The return value of method 'System.Reflection.ParameterInfo.ParameterType.get' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(822,57): error IL2067: 'type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicParameterlessConstructor' in call to 'System.Activator.CreateInstance(Type)'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.CreateHookDelegate(Type, MethodInfo)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(883,40): error IL2072: 'type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicParameterlessConstructor' in call to 'System.Activator.CreateInstance(Type)'. The return value of method 'System.Reflection.PropertyInfo.GetValue(Object)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(664,13): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicMethods' in call to 'TUnit.Core.Hooks.InstanceHookMethod.InitClassType.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.RegisterInstanceAfterHook(Type, MethodInfo, Int32)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(643,13): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicMethods' in call to 'TUnit.Core.Hooks.InstanceHookMethod.InitClassType.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.RegisterInstanceBeforeHook(Type, MethodInfo, Int32)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(208,36): error IL2026: Using member 'System.Reflection.Assembly.GetReferencedAssemblies()' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Assembly references might be removed. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(231,25): error IL2026: Using member 'System.Reflection.Assembly.GetTypes()' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Types might be removed. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Framework\TUnitTestFramework.cs(111,18): error IL3050: Using member 'TUnit.Engine.Framework.TUnitServiceProvider.TUnitServiceProvider(IExtension, ExecuteRequestContext, ITestExecutionFilter, IMessageBus, IServiceProvider, ITestFrameworkCapabilities)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Reflection mode test discovery uses dynamic code generation. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Framework\TUnitTestFramework.cs(111,18): error IL2026: Using member 'TUnit.Engine.Framework.TUnitServiceProvider.TUnitServiceProvider(IExtension, ExecuteRequestContext, ITestExecutionFilter, IMessageBus, IServiceProvider, ITestFrameworkCapabilities)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Test data collector selection may use reflection-based discovery. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(259,27): error IL2075: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicMethods' in call to 'System.Type.GetMethods(BindingFlags)'. The return value of method 'System.Collections.Generic.List.Enumerator.Current.get' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(76,54): error IL2026: Using member 'TUnit.Core.PropertyInjection.PropertyInjectionCache.HasInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(78,23): error IL2026: Using member 'TUnit.Engine.Services.PropertyInjectionService.InjectPropertiesIntoObjectAsync(Object, Dictionary, MethodMetadata, TestContextEvents)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\ObjectRegistrationService.cs(53,19): error IL2026: Using member 'TUnit.Engine.Services.PropertyInjectionService.InjectPropertiesIntoObjectAsync(Object, Dictionary, MethodMetadata, TestContextEvents)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs(39,19): error IL2026: Using member 'TUnit.Engine.Services.EventReceiverOrchestrator.InvokeHookRegistrationEventReceiversAsync(HookRegisteredContext, CancellationToken)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\EventReceiverOrchestrator.cs(106,33): error IL2026: Using member 'TUnit.Engine.Utilities.ScopedAttributeFilter.FilterScopedAttributes(IEnumerable)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\EventReceiverOrchestrator.cs(142,33): error IL2026: Using member 'TUnit.Engine.Utilities.ScopedAttributeFilter.FilterScopedAttributes(IEnumerable)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\PropertyInitializationOrchestrator.cs(108,19): error IL2026: Using member 'TUnit.Engine.Services.PropertyInitializationOrchestrator.InitializePropertiesAsync(Object, (PropertyInfo Property, IDataSourceAttribute DataSource)[], Dictionary, MethodMetadata, TestContextEvents, ConcurrentDictionary)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Reflection-based property initialization uses PropertyInfo. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\EventReceiverOrchestrator.cs(176,33): error IL2026: Using member 'TUnit.Engine.Utilities.ScopedAttributeFilter.FilterScopedAttributes(IEnumerable)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(132,20): error IL2026: Using member 'TUnit.Core.PropertyInjection.PropertyInjectionCache.GetOrCreatePlan(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(147,21): error IL2026: Using member 'TUnit.Core.PropertyInjection.PropertyInjectionCache.HasInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(158,21): error IL2026: Using member 'TUnit.Core.PropertyInjection.PropertyInjectionCache.HasInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(184,21): error IL2026: Using member 'TUnit.Core.PropertyInjection.PropertyInjectionCache.HasInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(195,21): error IL2026: Using member 'TUnit.Core.PropertyInjection.PropertyInjectionCache.HasInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\EventReceiverOrchestrator.cs(192,33): error IL2026: Using member 'TUnit.Engine.Utilities.ScopedAttributeFilter.FilterScopedAttributes(IEnumerable)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\TestDataCollectorFactory.cs(48,30): error IL2026: Using member 'TUnit.Engine.Building.Collectors.AotTestDataCollector.CollectTestsAsync(String)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Assembly scanning uses dynamic type discovery and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Building\TestDataCollectorFactory.cs(48,30): error IL3050: Using member 'TUnit.Engine.Building.Collectors.AotTestDataCollector.CollectTestsAsync(String)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Generic test instantiation requires MakeGenericType. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(60,39): error IL2026: Using member 'TUnit.Engine.Building.Interfaces.ITestDataCollector.CollectTestsAsync(String)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Assembly scanning uses dynamic type discovery and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(60,39): error IL3050: Using member 'TUnit.Engine.Building.Interfaces.ITestDataCollector.CollectTestsAsync(String)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Generic test instantiation requires MakeGenericType. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(74,39): error IL2026: Using member 'TUnit.Engine.Building.Interfaces.ITestDataCollector.CollectTestsAsync(String)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Assembly scanning uses dynamic type discovery and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(74,39): error IL3050: Using member 'TUnit.Engine.Building.Interfaces.ITestDataCollector.CollectTestsAsync(String)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Generic test instantiation requires MakeGenericType. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(77,30): error IL2026: Using member 'TUnit.Engine.Building.TestBuilderPipeline.BuildTestsFromSingleMetadataAsync(TestMetadata)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Building\Collectors\AotTestDataCollector.cs(100,42): error IL2026: Using member 'TUnit.Engine.Building.Collectors.AotTestDataCollector.CreateMetadataFromDynamicDiscoveryResult(DynamicDiscoveryResult)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Method extraction from expressions uses reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(99,38): error IL2026: Using member 'TUnit.Engine.Building.TestBuilderPipeline.GenerateDynamicTests(TestMetadata)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(102,34): error IL2026: Using member 'TUnit.Engine.Building.Interfaces.ITestBuilder.BuildTestsFromMetadataAsync(TestMetadata)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\TUnitInitializer.cs(23,13): error IL2026: Using member 'TUnit.Engine.TUnitInitializer.DiscoverHooksViaReflection()' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Hook discovery uses reflection to scan assemblies and types. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\TUnitInitializer.cs(23,13): error IL3050: Using member 'TUnit.Engine.TUnitInitializer.DiscoverHooksViaReflection()' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Hook delegate creation requires dynamic code generation. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Framework\TUnitTestFramework.cs(111,18): error IL2026: Using member 'TUnit.Engine.Framework.TUnitServiceProvider.TUnitServiceProvider(IExtension, ExecuteRequestContext, ITestExecutionFilter, IMessageBus, IServiceProvider, ITestFrameworkCapabilities)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Test data collector selection may use reflection-based discovery. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Framework\TUnitTestFramework.cs(111,18): error IL3050: Using member 'TUnit.Engine.Framework.TUnitServiceProvider.TUnitServiceProvider(IExtension, ExecuteRequestContext, ITestExecutionFilter, IMessageBus, IServiceProvider, ITestFrameworkCapabilities)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Reflection mode test discovery uses dynamic code generation. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\TestSessionCoordinator.cs(76,15): error IL2026: Using member 'TUnit.Engine.TestSessionCoordinator.InitializeStaticPropertiesAsync(CancellationToken)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Static property initialization uses reflection in reflection mode. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\TestSessionCoordinator.cs(96,23): error IL3050: Using member 'TUnit.Core.StaticPropertyReflectionInitializer.InitializeAllStaticPropertiesAsync()' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Data source initialization may require dynamic code generation. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(231,25): error IL2026: Using member 'System.Reflection.Assembly.GetTypes()' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Types might be removed. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(208,36): error IL2026: Using member 'System.Reflection.Assembly.GetReferencedAssemblies()' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Assembly references might be removed. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(198,34): error IL2070: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicMethods' in call to 'System.Type.GetMethods(BindingFlags)'. The parameter 't' of method 'lambda expression' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(198,34): error IL2075: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicMethods' in call to 'System.Type.GetMethods(BindingFlags)'. The return value of method 'System.Type.BaseType.get' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilder.cs(652,13): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.DiscoverInstanceHooksForType(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Hook discovery uses reflection on methods and attributes. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilder.cs(652,13): error IL3050: Using member 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.DiscoverInstanceHooksForType(Type)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Hook registration may involve dynamic delegate creation. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\TestRegistry.cs(65,15): error IL2026: Using member 'TUnit.Engine.Services.TestRegistry.ProcessPendingDynamicTests()' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Dynamic test metadata creation uses reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(319,36): error IL2026: Using member 'System.Reflection.Assembly.GetReferencedAssemblies()' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Assembly references might be removed. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(76,54): error IL2026: Using member 'TUnit.Core.PropertyInjection.PropertyInjectionCache.HasInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(78,23): error IL2026: Using member 'TUnit.Engine.Services.PropertyInjectionService.InjectPropertiesIntoObjectAsync(Object, Dictionary, MethodMetadata, TestContextEvents)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\TestRegistry.cs(148,30): error IL2026: Using member 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Method metadata creation uses reflection on parameters and types. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\TestRegistry.cs(153,34): error IL2026: Using member 'TUnit.Core.PropertySourceRegistry.DiscoverInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Reflection discovery is used when source-generated metadata is not available. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(132,20): error IL2026: Using member 'TUnit.Core.PropertyInjection.PropertyInjectionCache.GetOrCreatePlan(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(147,21): error IL2026: Using member 'TUnit.Core.PropertyInjection.PropertyInjectionCache.HasInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(158,21): error IL2026: Using member 'TUnit.Core.PropertyInjection.PropertyInjectionCache.HasInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(184,21): error IL2026: Using member 'TUnit.Core.PropertyInjection.PropertyInjectionCache.HasInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(195,21): error IL2026: Using member 'TUnit.Core.PropertyInjection.PropertyInjectionCache.HasInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(643,13): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicMethods' in call to 'TUnit.Core.Hooks.InstanceHookMethod.InitClassType.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.RegisterInstanceBeforeHook(Type, MethodInfo, Int32)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(664,13): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicMethods' in call to 'TUnit.Core.Hooks.InstanceHookMethod.InitClassType.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.RegisterInstanceAfterHook(Type, MethodInfo, Int32)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilder.cs(1258,41): error IL2026: Using member 'TUnit.Engine.Building.TestBuilder.TryInferClassGenericsFromDataSources(TestMetadata)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Generic type inference uses reflection on data sources and parameters. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(822,57): error IL2067: 'type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicParameterlessConstructor' in call to 'System.Activator.CreateInstance(Type)'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.CreateHookDelegate(Type, MethodInfo)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(743,13): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.MethodMetadata.Type.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.CreateMethodMetadata(Type, MethodInfo)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(747,17): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.ClassMetadata.Type.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.CreateMethodMetadata(Type, MethodInfo)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(758,61): error IL2072: 'Type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.ParameterMetadata.ParameterMetadata(Type)'. The return value of method 'System.Reflection.ParameterInfo.ParameterType.get' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(874,44): error IL2075: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'System.Type.GetProperty(String)'. The return value of method 'System.Object.GetType()' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(883,40): error IL2072: 'type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicParameterlessConstructor' in call to 'System.Activator.CreateInstance(Type)'. The return value of method 'System.Reflection.PropertyInfo.GetValue(Object)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1052,27): error IL2070: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicMethods' in call to 'System.Type.GetMethods(BindingFlags)'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.HasTestMethods(Type)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1105,13): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CollectTestsAsync(String)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Assembly scanning uses dynamic type discovery and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1105,13): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CollectTestsStreamingAsync(String, CancellationToken)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Reflection-based test discovery requires dynamic access to types, methods, and attributes. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(893,50): error IL2067: 'testClass' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Engine.Discovery.ReflectionTestMetadata.ReflectionTestMetadata(Type, MethodInfo)'. The parameter 'testClass' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.BuildTestMetadata(Type, MethodInfo, Object[])' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(896,17): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.TestMetadata.TestClassType.init'. The parameter 'testClass' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.BuildTestMetadata(Type, MethodInfo, Object[])' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(896,17): error IL2072: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.TestMetadata.TestClassType.init'. The return value of method 'System.Type.BaseType.get' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(903,39): error IL2067: 'testClass' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Engine.Discovery.ReflectionAttributeExtractor.ExtractPropertyDataSources(Type)'. The parameter 'testClass' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.BuildTestMetadata(Type, MethodInfo, Object[])' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1160,13): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.MethodMetadata.Type.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateDummyMethodMetadata(Type, String)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(904,35): error IL2067: 'testClass' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors' in call to 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateInstanceFactory(Type)'. The parameter 'testClass' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.BuildTestMetadata(Type, MethodInfo, Object[])' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1164,17): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.ClassMetadata.Type.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateDummyMethodMetadata(Type, String)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(904,35): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateInstanceFactory(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Instance creation uses reflection and Activator.CreateInstance. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(904,35): error IL3050: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateInstanceFactory(Type)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Generic type instantiation uses MakeGenericType and Activator. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(905,31): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateTestInvoker(Type, MethodInfo)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Test invocation uses reflection and MethodInfo.Invoke. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(905,31): error IL3050: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateTestInvoker(Type, MethodInfo)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Generic method instantiation uses MakeGenericMethod. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\EventReceiverOrchestrator.cs(106,33): error IL2026: Using member 'TUnit.Engine.Utilities.ScopedAttributeFilter.FilterScopedAttributes(IEnumerable)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(908,34): error IL2067: 'type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)'. The parameter 'testClass' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.BuildTestMetadata(Type, MethodInfo, Object[])' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(908,34): error IL2026: Using member 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Method metadata creation uses reflection on parameters and types. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(909,35): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionGenericTypeResolver.ExtractGenericTypeInfo(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Generic type info extraction uses reflection on type parameters. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(910,37): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionGenericTypeResolver.ExtractGenericMethodInfo(MethodInfo)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Generic method info extraction uses reflection on method parameters. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(913,38): error IL2067: 'type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicFields', 'DynamicallyAccessedMemberTypes.NonPublicFields', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.PropertySourceRegistry.DiscoverInjectableProperties(Type)'. The parameter 'testClass' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.BuildTestMetadata(Type, MethodInfo, Object[])' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(913,38): error IL2026: Using member 'TUnit.Core.PropertySourceRegistry.DiscoverInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Reflection discovery is used when source-generated metadata is not available. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1135,13): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.TestMetadata.TestClassType.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateFailedTestMetadata(Type, MethodInfo, Exception)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1139,30): error IL2067: 'type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateFailedTestMetadata(Type, MethodInfo, Exception)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1139,30): error IL2026: Using member 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Method metadata creation uses reflection on parameters and types. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\EventReceiverOrchestrator.cs(142,33): error IL2026: Using member 'TUnit.Engine.Utilities.ScopedAttributeFilter.FilterScopedAttributes(IEnumerable)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(259,27): error IL2075: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicMethods' in call to 'System.Type.GetMethods(BindingFlags)'. The return value of method 'System.Collections.Generic.List.Enumerator.Current.get' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1324,39): error IL2070: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.Interfaces' in call to 'System.Type.GetInterfaces()'. The parameter 'argType' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.InferGenericTypeMapping(Type, Type, Dictionary)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1345,35): error IL2070: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.Interfaces' in call to 'System.Type.GetInterfaces()'. The parameter 'argType' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.InferGenericTypeMapping(Type, Type, Dictionary)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\EventReceiverOrchestrator.cs(176,33): error IL2026: Using member 'TUnit.Engine.Utilities.ScopedAttributeFilter.FilterScopedAttributes(IEnumerable)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1396,29): error IL2070: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.Interfaces' in call to 'System.Type.GetInterfaces()'. The parameter 'argType' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.IsCovariantCompatible(Type, Type)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\TestGenericTypeResolver.cs(438,14): error IL2026: Using member 'TUnit.Engine.Services.TestGenericTypeResolver.TryInferTypeMapping(Type, Type, Dictionary)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type mapping inference uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\TestGenericTypeResolver.cs(422,22): error IL2026: Using member 'TUnit.Engine.Services.TestGenericTypeResolver.TryInferTypeMapping(Type, Type, Dictionary)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type mapping inference uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\EventReceiverOrchestrator.cs(192,33): error IL2026: Using member 'TUnit.Engine.Utilities.ScopedAttributeFilter.FilterScopedAttributes(IEnumerable)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1834,42): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateMetadataFromDynamicDiscoveryResult(DynamicDiscoveryResult)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Dynamic test metadata creation uses reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1834,42): error IL3050: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateMetadataFromDynamicDiscoveryResult(DynamicDiscoveryResult)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Expression compilation is used for dynamic test invocation. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(2066,13): error IL2072: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.TestMetadata.TestClassType.init'. The return value of method 'System.Object.GetType()' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(2086,13): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.TestMetadata.TestClassType.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateFailedTestMetadataForDynamicBuilder(Type, MethodInfo, Exception)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(2090,30): error IL2067: 'type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateFailedTestMetadataForDynamicBuilder(Type, MethodInfo, Exception)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(2090,30): error IL2026: Using member 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Method metadata creation uses reflection on parameters and types. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(2151,58): error IL2077: 'testClassType' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors' in call to 'TUnit.Core.Helpers.ClassConstructorHelper.TryCreateInstanceWithClassConstructor(IReadOnlyList, Type, String, TestContext)'. The field 'TUnit.Engine.Discovery.ReflectionTestDataCollector.DynamicReflectionTestMetadata._testClass' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs(39,19): error IL2026: Using member 'TUnit.Engine.Services.EventReceiverOrchestrator.InvokeHookRegistrationEventReceiversAsync(HookRegisteredContext, CancellationToken)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\ObjectRegistrationService.cs(53,19): error IL2026: Using member 'TUnit.Engine.Services.PropertyInjectionService.InjectPropertiesIntoObjectAsync(Object, Dictionary, MethodMetadata, TestContextEvents)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\PropertyInitializationOrchestrator.cs(108,19): error IL2026: Using member 'TUnit.Engine.Services.PropertyInitializationOrchestrator.InitializePropertiesAsync(Object, (PropertyInfo Property, IDataSourceAttribute DataSource)[], Dictionary, MethodMetadata, TestContextEvents, ConcurrentDictionary)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Reflection-based property initialization uses PropertyInfo. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilder.cs(1116,34): error IL2026: Using member 'TUnit.Engine.Utilities.ScopedAttributeFilter.FilterScopedAttributes(IEnumerable)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] - -Build FAILED. - -C:\git\TUnit\TUnit.Engine\Building\TestDataCollectorFactory.cs(48,30): error IL3050: Using member 'TUnit.Engine.Building.Collectors.AotTestDataCollector.CollectTestsAsync(String)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Generic test instantiation requires MakeGenericType. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\TestDataCollectorFactory.cs(48,30): error IL2026: Using member 'TUnit.Engine.Building.Collectors.AotTestDataCollector.CollectTestsAsync(String)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Assembly scanning uses dynamic type discovery and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(60,39): error IL3050: Using member 'TUnit.Engine.Building.Interfaces.ITestDataCollector.CollectTestsAsync(String)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Generic test instantiation requires MakeGenericType. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(60,39): error IL2026: Using member 'TUnit.Engine.Building.Interfaces.ITestDataCollector.CollectTestsAsync(String)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Assembly scanning uses dynamic type discovery and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(74,39): error IL3050: Using member 'TUnit.Engine.Building.Interfaces.ITestDataCollector.CollectTestsAsync(String)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Generic test instantiation requires MakeGenericType. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(74,39): error IL2026: Using member 'TUnit.Engine.Building.Interfaces.ITestDataCollector.CollectTestsAsync(String)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Assembly scanning uses dynamic type discovery and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(77,30): error IL2026: Using member 'TUnit.Engine.Building.TestBuilderPipeline.BuildTestsFromSingleMetadataAsync(TestMetadata)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(99,38): error IL2026: Using member 'TUnit.Engine.Building.TestBuilderPipeline.GenerateDynamicTests(TestMetadata)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(102,34): error IL2026: Using member 'TUnit.Engine.Building.Interfaces.ITestBuilder.BuildTestsFromMetadataAsync(TestMetadata)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\Collectors\AotTestDataCollector.cs(100,42): error IL2026: Using member 'TUnit.Engine.Building.Collectors.AotTestDataCollector.CreateMetadataFromDynamicDiscoveryResult(DynamicDiscoveryResult)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Method extraction from expressions uses reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\TUnitInitializer.cs(23,13): error IL3050: Using member 'TUnit.Engine.TUnitInitializer.DiscoverHooksViaReflection()' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Hook delegate creation requires dynamic code generation. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\TUnitInitializer.cs(23,13): error IL2026: Using member 'TUnit.Engine.TUnitInitializer.DiscoverHooksViaReflection()' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Hook discovery uses reflection to scan assemblies and types. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\TestSessionCoordinator.cs(76,15): error IL2026: Using member 'TUnit.Engine.TestSessionCoordinator.InitializeStaticPropertiesAsync(CancellationToken)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Static property initialization uses reflection in reflection mode. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\TestSessionCoordinator.cs(96,23): error IL3050: Using member 'TUnit.Core.StaticPropertyReflectionInitializer.InitializeAllStaticPropertiesAsync()' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Data source initialization may require dynamic code generation. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilder.cs(652,13): error IL3050: Using member 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.DiscoverInstanceHooksForType(Type)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Hook registration may involve dynamic delegate creation. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilder.cs(652,13): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.DiscoverInstanceHooksForType(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Hook discovery uses reflection on methods and attributes. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\TestRegistry.cs(148,30): error IL2026: Using member 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Method metadata creation uses reflection on parameters and types. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\TestRegistry.cs(153,34): error IL2026: Using member 'TUnit.Core.PropertySourceRegistry.DiscoverInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Reflection discovery is used when source-generated metadata is not available. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(319,36): error IL2026: Using member 'System.Reflection.Assembly.GetReferencedAssemblies()' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Assembly references might be removed. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilder.cs(1116,34): error IL2026: Using member 'TUnit.Engine.Utilities.ScopedAttributeFilter.FilterScopedAttributes(IEnumerable)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilder.cs(1258,41): error IL2026: Using member 'TUnit.Engine.Building.TestBuilder.TryInferClassGenericsFromDataSources(TestMetadata)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Generic type inference uses reflection on data sources and parameters. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(904,35): error IL3050: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateInstanceFactory(Type)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Generic type instantiation uses MakeGenericType and Activator. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(905,31): error IL3050: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateTestInvoker(Type, MethodInfo)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Generic method instantiation uses MakeGenericMethod. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(904,35): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateInstanceFactory(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Instance creation uses reflection and Activator.CreateInstance. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(905,31): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateTestInvoker(Type, MethodInfo)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Test invocation uses reflection and MethodInfo.Invoke. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(908,34): error IL2026: Using member 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Method metadata creation uses reflection on parameters and types. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(909,35): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionGenericTypeResolver.ExtractGenericTypeInfo(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Generic type info extraction uses reflection on type parameters. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(910,37): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionGenericTypeResolver.ExtractGenericMethodInfo(MethodInfo)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Generic method info extraction uses reflection on method parameters. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(913,38): error IL2026: Using member 'TUnit.Core.PropertySourceRegistry.DiscoverInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Reflection discovery is used when source-generated metadata is not available. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1139,30): error IL2026: Using member 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Method metadata creation uses reflection on parameters and types. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\TestRegistry.cs(65,15): error IL2026: Using member 'TUnit.Engine.Services.TestRegistry.ProcessPendingDynamicTests()' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Dynamic test metadata creation uses reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\TestGenericTypeResolver.cs(422,22): error IL2026: Using member 'TUnit.Engine.Services.TestGenericTypeResolver.TryInferTypeMapping(Type, Type, Dictionary)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type mapping inference uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\TestGenericTypeResolver.cs(438,14): error IL2026: Using member 'TUnit.Engine.Services.TestGenericTypeResolver.TryInferTypeMapping(Type, Type, Dictionary)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type mapping inference uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1105,13): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CollectTestsAsync(String)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Assembly scanning uses dynamic type discovery and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1105,13): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CollectTestsStreamingAsync(String, CancellationToken)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Reflection-based test discovery requires dynamic access to types, methods, and attributes. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1052,27): error IL2070: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicMethods' in call to 'System.Type.GetMethods(BindingFlags)'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.HasTestMethods(Type)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1160,13): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.MethodMetadata.Type.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateDummyMethodMetadata(Type, String)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(198,34): error IL2070: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicMethods' in call to 'System.Type.GetMethods(BindingFlags)'. The parameter 't' of method 'lambda expression' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(198,34): error IL2075: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicMethods' in call to 'System.Type.GetMethods(BindingFlags)'. The return value of method 'System.Type.BaseType.get' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1164,17): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.ClassMetadata.Type.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateDummyMethodMetadata(Type, String)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1135,13): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.TestMetadata.TestClassType.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateFailedTestMetadata(Type, MethodInfo, Exception)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1139,30): error IL2067: 'type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateFailedTestMetadata(Type, MethodInfo, Exception)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1396,29): error IL2070: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.Interfaces' in call to 'System.Type.GetInterfaces()'. The parameter 'argType' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.IsCovariantCompatible(Type, Type)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1324,39): error IL2070: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.Interfaces' in call to 'System.Type.GetInterfaces()'. The parameter 'argType' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.InferGenericTypeMapping(Type, Type, Dictionary)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1345,35): error IL2070: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.Interfaces' in call to 'System.Type.GetInterfaces()'. The parameter 'argType' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.InferGenericTypeMapping(Type, Type, Dictionary)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1834,42): error IL3050: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateMetadataFromDynamicDiscoveryResult(DynamicDiscoveryResult)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Expression compilation is used for dynamic test invocation. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1834,42): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateMetadataFromDynamicDiscoveryResult(DynamicDiscoveryResult)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Dynamic test metadata creation uses reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(893,50): error IL2067: 'testClass' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Engine.Discovery.ReflectionTestMetadata.ReflectionTestMetadata(Type, MethodInfo)'. The parameter 'testClass' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.BuildTestMetadata(Type, MethodInfo, Object[])' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(896,17): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.TestMetadata.TestClassType.init'. The parameter 'testClass' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.BuildTestMetadata(Type, MethodInfo, Object[])' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(896,17): error IL2072: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.TestMetadata.TestClassType.init'. The return value of method 'System.Type.BaseType.get' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(903,39): error IL2067: 'testClass' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Engine.Discovery.ReflectionAttributeExtractor.ExtractPropertyDataSources(Type)'. The parameter 'testClass' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.BuildTestMetadata(Type, MethodInfo, Object[])' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(904,35): error IL2067: 'testClass' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors' in call to 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateInstanceFactory(Type)'. The parameter 'testClass' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.BuildTestMetadata(Type, MethodInfo, Object[])' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(908,34): error IL2067: 'type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)'. The parameter 'testClass' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.BuildTestMetadata(Type, MethodInfo, Object[])' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(913,38): error IL2067: 'type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicFields', 'DynamicallyAccessedMemberTypes.NonPublicFields', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.PropertySourceRegistry.DiscoverInjectableProperties(Type)'. The parameter 'testClass' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.BuildTestMetadata(Type, MethodInfo, Object[])' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(2151,58): error IL2077: 'testClassType' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors' in call to 'TUnit.Core.Helpers.ClassConstructorHelper.TryCreateInstanceWithClassConstructor(IReadOnlyList, Type, String, TestContext)'. The field 'TUnit.Engine.Discovery.ReflectionTestDataCollector.DynamicReflectionTestMetadata._testClass' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(2090,30): error IL2026: Using member 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Method metadata creation uses reflection on parameters and types. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(2086,13): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.TestMetadata.TestClassType.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateFailedTestMetadataForDynamicBuilder(Type, MethodInfo, Exception)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(2090,30): error IL2067: 'type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateFailedTestMetadataForDynamicBuilder(Type, MethodInfo, Exception)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(743,13): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.MethodMetadata.Type.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.CreateMethodMetadata(Type, MethodInfo)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(747,17): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.ClassMetadata.Type.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.CreateMethodMetadata(Type, MethodInfo)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(758,61): error IL2072: 'Type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.ParameterMetadata.ParameterMetadata(Type)'. The return value of method 'System.Reflection.ParameterInfo.ParameterType.get' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(822,57): error IL2067: 'type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicParameterlessConstructor' in call to 'System.Activator.CreateInstance(Type)'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.CreateHookDelegate(Type, MethodInfo)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(883,40): error IL2072: 'type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicParameterlessConstructor' in call to 'System.Activator.CreateInstance(Type)'. The return value of method 'System.Reflection.PropertyInfo.GetValue(Object)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(664,13): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicMethods' in call to 'TUnit.Core.Hooks.InstanceHookMethod.InitClassType.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.RegisterInstanceAfterHook(Type, MethodInfo, Int32)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(643,13): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicMethods' in call to 'TUnit.Core.Hooks.InstanceHookMethod.InitClassType.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.RegisterInstanceBeforeHook(Type, MethodInfo, Int32)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(208,36): error IL2026: Using member 'System.Reflection.Assembly.GetReferencedAssemblies()' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Assembly references might be removed. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(231,25): error IL2026: Using member 'System.Reflection.Assembly.GetTypes()' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Types might be removed. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Framework\TUnitTestFramework.cs(111,18): error IL3050: Using member 'TUnit.Engine.Framework.TUnitServiceProvider.TUnitServiceProvider(IExtension, ExecuteRequestContext, ITestExecutionFilter, IMessageBus, IServiceProvider, ITestFrameworkCapabilities)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Reflection mode test discovery uses dynamic code generation. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Framework\TUnitTestFramework.cs(111,18): error IL2026: Using member 'TUnit.Engine.Framework.TUnitServiceProvider.TUnitServiceProvider(IExtension, ExecuteRequestContext, ITestExecutionFilter, IMessageBus, IServiceProvider, ITestFrameworkCapabilities)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Test data collector selection may use reflection-based discovery. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(259,27): error IL2075: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicMethods' in call to 'System.Type.GetMethods(BindingFlags)'. The return value of method 'System.Collections.Generic.List.Enumerator.Current.get' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(76,54): error IL2026: Using member 'TUnit.Core.PropertyInjection.PropertyInjectionCache.HasInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(78,23): error IL2026: Using member 'TUnit.Engine.Services.PropertyInjectionService.InjectPropertiesIntoObjectAsync(Object, Dictionary, MethodMetadata, TestContextEvents)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\ObjectRegistrationService.cs(53,19): error IL2026: Using member 'TUnit.Engine.Services.PropertyInjectionService.InjectPropertiesIntoObjectAsync(Object, Dictionary, MethodMetadata, TestContextEvents)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs(39,19): error IL2026: Using member 'TUnit.Engine.Services.EventReceiverOrchestrator.InvokeHookRegistrationEventReceiversAsync(HookRegisteredContext, CancellationToken)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\EventReceiverOrchestrator.cs(106,33): error IL2026: Using member 'TUnit.Engine.Utilities.ScopedAttributeFilter.FilterScopedAttributes(IEnumerable)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\EventReceiverOrchestrator.cs(142,33): error IL2026: Using member 'TUnit.Engine.Utilities.ScopedAttributeFilter.FilterScopedAttributes(IEnumerable)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\PropertyInitializationOrchestrator.cs(108,19): error IL2026: Using member 'TUnit.Engine.Services.PropertyInitializationOrchestrator.InitializePropertiesAsync(Object, (PropertyInfo Property, IDataSourceAttribute DataSource)[], Dictionary, MethodMetadata, TestContextEvents, ConcurrentDictionary)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Reflection-based property initialization uses PropertyInfo. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\EventReceiverOrchestrator.cs(176,33): error IL2026: Using member 'TUnit.Engine.Utilities.ScopedAttributeFilter.FilterScopedAttributes(IEnumerable)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(132,20): error IL2026: Using member 'TUnit.Core.PropertyInjection.PropertyInjectionCache.GetOrCreatePlan(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(147,21): error IL2026: Using member 'TUnit.Core.PropertyInjection.PropertyInjectionCache.HasInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(158,21): error IL2026: Using member 'TUnit.Core.PropertyInjection.PropertyInjectionCache.HasInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(184,21): error IL2026: Using member 'TUnit.Core.PropertyInjection.PropertyInjectionCache.HasInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(195,21): error IL2026: Using member 'TUnit.Core.PropertyInjection.PropertyInjectionCache.HasInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Services\EventReceiverOrchestrator.cs(192,33): error IL2026: Using member 'TUnit.Engine.Utilities.ScopedAttributeFilter.FilterScopedAttributes(IEnumerable)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Engine\Building\TestDataCollectorFactory.cs(48,30): error IL2026: Using member 'TUnit.Engine.Building.Collectors.AotTestDataCollector.CollectTestsAsync(String)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Assembly scanning uses dynamic type discovery and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Building\TestDataCollectorFactory.cs(48,30): error IL3050: Using member 'TUnit.Engine.Building.Collectors.AotTestDataCollector.CollectTestsAsync(String)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Generic test instantiation requires MakeGenericType. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(60,39): error IL2026: Using member 'TUnit.Engine.Building.Interfaces.ITestDataCollector.CollectTestsAsync(String)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Assembly scanning uses dynamic type discovery and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(60,39): error IL3050: Using member 'TUnit.Engine.Building.Interfaces.ITestDataCollector.CollectTestsAsync(String)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Generic test instantiation requires MakeGenericType. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(74,39): error IL2026: Using member 'TUnit.Engine.Building.Interfaces.ITestDataCollector.CollectTestsAsync(String)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Assembly scanning uses dynamic type discovery and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(74,39): error IL3050: Using member 'TUnit.Engine.Building.Interfaces.ITestDataCollector.CollectTestsAsync(String)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Generic test instantiation requires MakeGenericType. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(77,30): error IL2026: Using member 'TUnit.Engine.Building.TestBuilderPipeline.BuildTestsFromSingleMetadataAsync(TestMetadata)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Building\Collectors\AotTestDataCollector.cs(100,42): error IL2026: Using member 'TUnit.Engine.Building.Collectors.AotTestDataCollector.CreateMetadataFromDynamicDiscoveryResult(DynamicDiscoveryResult)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Method extraction from expressions uses reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(99,38): error IL2026: Using member 'TUnit.Engine.Building.TestBuilderPipeline.GenerateDynamicTests(TestMetadata)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilderPipeline.cs(102,34): error IL2026: Using member 'TUnit.Engine.Building.Interfaces.ITestBuilder.BuildTestsFromMetadataAsync(TestMetadata)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\TUnitInitializer.cs(23,13): error IL2026: Using member 'TUnit.Engine.TUnitInitializer.DiscoverHooksViaReflection()' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Hook discovery uses reflection to scan assemblies and types. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\TUnitInitializer.cs(23,13): error IL3050: Using member 'TUnit.Engine.TUnitInitializer.DiscoverHooksViaReflection()' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Hook delegate creation requires dynamic code generation. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Framework\TUnitTestFramework.cs(111,18): error IL2026: Using member 'TUnit.Engine.Framework.TUnitServiceProvider.TUnitServiceProvider(IExtension, ExecuteRequestContext, ITestExecutionFilter, IMessageBus, IServiceProvider, ITestFrameworkCapabilities)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Test data collector selection may use reflection-based discovery. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Framework\TUnitTestFramework.cs(111,18): error IL3050: Using member 'TUnit.Engine.Framework.TUnitServiceProvider.TUnitServiceProvider(IExtension, ExecuteRequestContext, ITestExecutionFilter, IMessageBus, IServiceProvider, ITestFrameworkCapabilities)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Reflection mode test discovery uses dynamic code generation. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\TestSessionCoordinator.cs(76,15): error IL2026: Using member 'TUnit.Engine.TestSessionCoordinator.InitializeStaticPropertiesAsync(CancellationToken)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Static property initialization uses reflection in reflection mode. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\TestSessionCoordinator.cs(96,23): error IL3050: Using member 'TUnit.Core.StaticPropertyReflectionInitializer.InitializeAllStaticPropertiesAsync()' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Data source initialization may require dynamic code generation. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(231,25): error IL2026: Using member 'System.Reflection.Assembly.GetTypes()' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Types might be removed. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(208,36): error IL2026: Using member 'System.Reflection.Assembly.GetReferencedAssemblies()' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Assembly references might be removed. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(198,34): error IL2070: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicMethods' in call to 'System.Type.GetMethods(BindingFlags)'. The parameter 't' of method 'lambda expression' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(198,34): error IL2075: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicMethods' in call to 'System.Type.GetMethods(BindingFlags)'. The return value of method 'System.Type.BaseType.get' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilder.cs(652,13): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.DiscoverInstanceHooksForType(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Hook discovery uses reflection on methods and attributes. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilder.cs(652,13): error IL3050: Using member 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.DiscoverInstanceHooksForType(Type)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Hook registration may involve dynamic delegate creation. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\TestRegistry.cs(65,15): error IL2026: Using member 'TUnit.Engine.Services.TestRegistry.ProcessPendingDynamicTests()' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Dynamic test metadata creation uses reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(319,36): error IL2026: Using member 'System.Reflection.Assembly.GetReferencedAssemblies()' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Assembly references might be removed. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(76,54): error IL2026: Using member 'TUnit.Core.PropertyInjection.PropertyInjectionCache.HasInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(78,23): error IL2026: Using member 'TUnit.Engine.Services.PropertyInjectionService.InjectPropertiesIntoObjectAsync(Object, Dictionary, MethodMetadata, TestContextEvents)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\TestRegistry.cs(148,30): error IL2026: Using member 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Method metadata creation uses reflection on parameters and types. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\TestRegistry.cs(153,34): error IL2026: Using member 'TUnit.Core.PropertySourceRegistry.DiscoverInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Reflection discovery is used when source-generated metadata is not available. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(132,20): error IL2026: Using member 'TUnit.Core.PropertyInjection.PropertyInjectionCache.GetOrCreatePlan(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(147,21): error IL2026: Using member 'TUnit.Core.PropertyInjection.PropertyInjectionCache.HasInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(158,21): error IL2026: Using member 'TUnit.Core.PropertyInjection.PropertyInjectionCache.HasInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(184,21): error IL2026: Using member 'TUnit.Core.PropertyInjection.PropertyInjectionCache.HasInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\DataSourceInitializer.cs(195,21): error IL2026: Using member 'TUnit.Core.PropertyInjection.PropertyInjectionCache.HasInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(643,13): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicMethods' in call to 'TUnit.Core.Hooks.InstanceHookMethod.InitClassType.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.RegisterInstanceBeforeHook(Type, MethodInfo, Int32)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(664,13): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicMethods' in call to 'TUnit.Core.Hooks.InstanceHookMethod.InitClassType.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.RegisterInstanceAfterHook(Type, MethodInfo, Int32)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilder.cs(1258,41): error IL2026: Using member 'TUnit.Engine.Building.TestBuilder.TryInferClassGenericsFromDataSources(TestMetadata)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Generic type inference uses reflection on data sources and parameters. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(822,57): error IL2067: 'type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicParameterlessConstructor' in call to 'System.Activator.CreateInstance(Type)'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.CreateHookDelegate(Type, MethodInfo)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(743,13): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.MethodMetadata.Type.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.CreateMethodMetadata(Type, MethodInfo)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(747,17): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.ClassMetadata.Type.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionHookDiscoveryService.CreateMethodMetadata(Type, MethodInfo)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(758,61): error IL2072: 'Type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.ParameterMetadata.ParameterMetadata(Type)'. The return value of method 'System.Reflection.ParameterInfo.ParameterType.get' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(874,44): error IL2075: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'System.Type.GetProperty(String)'. The return value of method 'System.Object.GetType()' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(883,40): error IL2072: 'type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicParameterlessConstructor' in call to 'System.Activator.CreateInstance(Type)'. The return value of method 'System.Reflection.PropertyInfo.GetValue(Object)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1052,27): error IL2070: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicMethods' in call to 'System.Type.GetMethods(BindingFlags)'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.HasTestMethods(Type)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1105,13): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CollectTestsAsync(String)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Assembly scanning uses dynamic type discovery and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1105,13): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CollectTestsStreamingAsync(String, CancellationToken)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Reflection-based test discovery requires dynamic access to types, methods, and attributes. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(893,50): error IL2067: 'testClass' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Engine.Discovery.ReflectionTestMetadata.ReflectionTestMetadata(Type, MethodInfo)'. The parameter 'testClass' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.BuildTestMetadata(Type, MethodInfo, Object[])' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(896,17): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.TestMetadata.TestClassType.init'. The parameter 'testClass' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.BuildTestMetadata(Type, MethodInfo, Object[])' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(896,17): error IL2072: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.TestMetadata.TestClassType.init'. The return value of method 'System.Type.BaseType.get' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(903,39): error IL2067: 'testClass' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Engine.Discovery.ReflectionAttributeExtractor.ExtractPropertyDataSources(Type)'. The parameter 'testClass' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.BuildTestMetadata(Type, MethodInfo, Object[])' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1160,13): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.MethodMetadata.Type.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateDummyMethodMetadata(Type, String)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(904,35): error IL2067: 'testClass' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors' in call to 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateInstanceFactory(Type)'. The parameter 'testClass' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.BuildTestMetadata(Type, MethodInfo, Object[])' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1164,17): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.ClassMetadata.Type.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateDummyMethodMetadata(Type, String)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(904,35): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateInstanceFactory(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Instance creation uses reflection and Activator.CreateInstance. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(904,35): error IL3050: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateInstanceFactory(Type)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Generic type instantiation uses MakeGenericType and Activator. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(905,31): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateTestInvoker(Type, MethodInfo)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Test invocation uses reflection and MethodInfo.Invoke. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(905,31): error IL3050: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateTestInvoker(Type, MethodInfo)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Generic method instantiation uses MakeGenericMethod. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\EventReceiverOrchestrator.cs(106,33): error IL2026: Using member 'TUnit.Engine.Utilities.ScopedAttributeFilter.FilterScopedAttributes(IEnumerable)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(908,34): error IL2067: 'type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)'. The parameter 'testClass' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.BuildTestMetadata(Type, MethodInfo, Object[])' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(908,34): error IL2026: Using member 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Method metadata creation uses reflection on parameters and types. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(909,35): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionGenericTypeResolver.ExtractGenericTypeInfo(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Generic type info extraction uses reflection on type parameters. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(910,37): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionGenericTypeResolver.ExtractGenericMethodInfo(MethodInfo)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Generic method info extraction uses reflection on method parameters. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(913,38): error IL2067: 'type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicFields', 'DynamicallyAccessedMemberTypes.NonPublicFields', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.PropertySourceRegistry.DiscoverInjectableProperties(Type)'. The parameter 'testClass' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.BuildTestMetadata(Type, MethodInfo, Object[])' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(913,38): error IL2026: Using member 'TUnit.Core.PropertySourceRegistry.DiscoverInjectableProperties(Type)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Reflection discovery is used when source-generated metadata is not available. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1135,13): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.TestMetadata.TestClassType.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateFailedTestMetadata(Type, MethodInfo, Exception)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1139,30): error IL2067: 'type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateFailedTestMetadata(Type, MethodInfo, Exception)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1139,30): error IL2026: Using member 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Method metadata creation uses reflection on parameters and types. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\EventReceiverOrchestrator.cs(142,33): error IL2026: Using member 'TUnit.Engine.Utilities.ScopedAttributeFilter.FilterScopedAttributes(IEnumerable)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionHookDiscoveryService.cs(259,27): error IL2075: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicMethods' in call to 'System.Type.GetMethods(BindingFlags)'. The return value of method 'System.Collections.Generic.List.Enumerator.Current.get' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1324,39): error IL2070: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.Interfaces' in call to 'System.Type.GetInterfaces()'. The parameter 'argType' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.InferGenericTypeMapping(Type, Type, Dictionary)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1345,35): error IL2070: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.Interfaces' in call to 'System.Type.GetInterfaces()'. The parameter 'argType' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.InferGenericTypeMapping(Type, Type, Dictionary)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\EventReceiverOrchestrator.cs(176,33): error IL2026: Using member 'TUnit.Engine.Utilities.ScopedAttributeFilter.FilterScopedAttributes(IEnumerable)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1396,29): error IL2070: 'this' argument does not satisfy 'DynamicallyAccessedMemberTypes.Interfaces' in call to 'System.Type.GetInterfaces()'. The parameter 'argType' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.IsCovariantCompatible(Type, Type)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\TestGenericTypeResolver.cs(438,14): error IL2026: Using member 'TUnit.Engine.Services.TestGenericTypeResolver.TryInferTypeMapping(Type, Type, Dictionary)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type mapping inference uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\TestGenericTypeResolver.cs(422,22): error IL2026: Using member 'TUnit.Engine.Services.TestGenericTypeResolver.TryInferTypeMapping(Type, Type, Dictionary)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type mapping inference uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\EventReceiverOrchestrator.cs(192,33): error IL2026: Using member 'TUnit.Engine.Utilities.ScopedAttributeFilter.FilterScopedAttributes(IEnumerable)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1834,42): error IL2026: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateMetadataFromDynamicDiscoveryResult(DynamicDiscoveryResult)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Dynamic test metadata creation uses reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(1834,42): error IL3050: Using member 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateMetadataFromDynamicDiscoveryResult(DynamicDiscoveryResult)' which has 'RequiresDynamicCodeAttribute' can break functionality when AOT compiling. Expression compilation is used for dynamic test invocation. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(2066,13): error IL2072: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.TestMetadata.TestClassType.init'. The return value of method 'System.Object.GetType()' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(2086,13): error IL2067: 'value' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Core.TestMetadata.TestClassType.init'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateFailedTestMetadataForDynamicBuilder(Type, MethodInfo, Exception)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(2090,30): error IL2067: 'type' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors', 'DynamicallyAccessedMemberTypes.NonPublicConstructors', 'DynamicallyAccessedMemberTypes.PublicMethods', 'DynamicallyAccessedMemberTypes.NonPublicMethods', 'DynamicallyAccessedMemberTypes.PublicProperties' in call to 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)'. The parameter 'type' of method 'TUnit.Engine.Discovery.ReflectionTestDataCollector.CreateFailedTestMetadataForDynamicBuilder(Type, MethodInfo, Exception)' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(2090,30): error IL2026: Using member 'TUnit.Engine.Building.ReflectionMetadataBuilder.CreateMethodMetadata(Type, MethodInfo)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Method metadata creation uses reflection on parameters and types. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Discovery\ReflectionTestDataCollector.cs(2151,58): error IL2077: 'testClassType' argument does not satisfy 'DynamicallyAccessedMemberTypes.PublicConstructors' in call to 'TUnit.Core.Helpers.ClassConstructorHelper.TryCreateInstanceWithClassConstructor(IReadOnlyList, Type, String, TestContext)'. The field 'TUnit.Engine.Discovery.ReflectionTestDataCollector.DynamicReflectionTestMetadata._testClass' does not have matching annotations. The source value must declare at least the same requirements as those declared on the target location it is assigned to. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs(39,19): error IL2026: Using member 'TUnit.Engine.Services.EventReceiverOrchestrator.InvokeHookRegistrationEventReceiversAsync(HookRegisteredContext, CancellationToken)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\ObjectRegistrationService.cs(53,19): error IL2026: Using member 'TUnit.Engine.Services.PropertyInjectionService.InjectPropertiesIntoObjectAsync(Object, Dictionary, MethodMetadata, TestContextEvents)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Type comes from runtime objects that cannot be annotated. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Services\PropertyInitializationOrchestrator.cs(108,19): error IL2026: Using member 'TUnit.Engine.Services.PropertyInitializationOrchestrator.InitializePropertiesAsync(Object, (PropertyInfo Property, IDataSourceAttribute DataSource)[], Dictionary, MethodMetadata, TestContextEvents, ConcurrentDictionary)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Reflection-based property initialization uses PropertyInfo. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Engine\Building\TestBuilder.cs(1116,34): error IL2026: Using member 'TUnit.Engine.Utilities.ScopedAttributeFilter.FilterScopedAttributes(IEnumerable)' which has 'RequiresUnreferencedCodeAttribute' can break functionality when trimming application code. Scoped attribute filtering uses Type.GetInterfaces and reflection. [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] - 0 Warning(s) - 170 Error(s) - -Time Elapsed 00:00:04.07 - -Workload updates are available. Run `dotnet workload list` for more information. diff --git a/debug_output.txt b/debug_output.txt deleted file mode 100644 index 8a68c3eea3..0000000000 --- a/debug_output.txt +++ /dev/null @@ -1,978 +0,0 @@ - Run tests: 'C:\git\TUnit\TUnit.Engine.Tests\bin\Release\net9.0\TUnit.Engine.Tests.dll' [net9.0|x64] - - ████████╗██╗ ██╗███╗ ██╗██╗████████╗ - ╚══██╔══╝██║ ██║████╗ ██║██║╚══██╔══╝ - ██║ ██║ ██║██╔██╗ ██║██║ ██║ - ██║ ██║ ██║██║╚██╗██║██║ ██║ - ██║ ╚██████╔╝██║ ╚████║██║ ██║ - ╚═╝ ╚═════╝ ╚═╝ ╚═══╝╚═╝ ╚═╝ - - TUnit v1.0.0.0 | 64-bit | Microsoft Windows 10.0.26100 | win-x64 | .NET 9.0.9 | Microsoft Testing Platform v1.8.4 - - Engine Mode: SourceGenerated - - [+2/x0/?0] TUnit.Engine.Tests.dll (net9.0|x64) - 2 tests running (2s) - - Mode: Reflection - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 55453a2b7fa44b029475dc8a326e4108.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-55453a2b7fa44b029475dc8a326e4108.dmp --hangdump-timeout 5m --reflection - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190524608.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190524924.diag - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypePerAssemblyFixture - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 42472704 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (551ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\55453a2b7fa44b029475dc8a326e4108.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 1s 882ms - - [+2/x0/?0] TUnit.Engine.Tests.dll (net9.0|x64) - 2 tests running (6s) - - Mode: SourceGenerated - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 5fc929e538fc4c89ac8deec4a9efd86f.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-5fc929e538fc4c89ac8deec4a9efd86f.dmp --hangdump-timeout 5m - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190524607.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190524921.diag - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypePerAssemblyFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 30923613 - Initializing Static Property - Scheduling execution of 1 tests - Starting 1 parallel tests - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (557ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\5fc929e538fc4c89ac8deec4a9efd86f.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 2s 837ms - - Mode: Reflection - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 6c7fc4858d4c4d12adf72f60bf5d44e6.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-6c7fc4858d4c4d12adf72f60bf5d44e6.dmp --hangdump-timeout 5m --reflection - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190527805.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190528116.diag - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypePerAssemblyFixture - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 40633064 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (557ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\6c7fc4858d4c4d12adf72f60bf5d44e6.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 1s 917ms - - [+2/x0/?0] TUnit.Engine.Tests.dll (net9.0|x64) - 2 tests running (9s) - - Mode: SourceGenerated - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename f0dddfcfd798402b81c62f62b8156778.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-f0dddfcfd798402b81c62f62b8156778.dmp --hangdump-timeout 5m - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190528735.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190529051.diag - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypePerAssemblyFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 61931053 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (566ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\f0dddfcfd798402b81c62f62b8156778.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 3s 029ms - - [+2/x0/?0] TUnit.Engine.Tests.dll (net9.0|x64) - 2 tests running (12s) - - Mode: Reflection - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename b03da1984dab4d8290e35056f21b71a4.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-b03da1984dab4d8290e35056f21b71a4.dmp --hangdump-timeout 5m --reflection - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190531056.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190531400.diag - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypePerAssemblyFixture - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 57542131 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (545ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\b03da1984dab4d8290e35056f21b71a4.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 1s 874ms - - [+2/x0/?0] TUnit.Engine.Tests.dll (net9.0|x64) - 2 tests running (15s) - - Mode: SourceGenerated - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename f61de09602bb4ff98181c9073dbb0d2d.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-f61de09602bb4ff98181c9073dbb0d2d.dmp --hangdump-timeout 5m - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190533116.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190533420.diag - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypePerAssemblyFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 65198764 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (552ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\f61de09602bb4ff98181c9073dbb0d2d.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 2s 862ms - - Mode: Reflection - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename d64287f8cdda4ed1a4f4b7823d53c367.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-d64287f8cdda4ed1a4f4b7823d53c367.dmp --hangdump-timeout 5m --reflection - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190534274.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190534589.diag - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypePerAssemblyFixture - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 40633064 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (551ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\d64287f8cdda4ed1a4f4b7823d53c367.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 1s 878ms - - failed AfterTestAttributeTests.Test (3s 187ms) - TUnit.Engine.Exceptions.TestFailedException: Exception: Error asserting results for AfterTestAttributeTests: result => result.ResultSummary.Outcome - should be - "Completed" - but was - "Failed" - difference - Difference | | | | | | | | | | - | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ - Index | 0 1 2 3 4 5 6 7 8 - Expected Value | C o m p l e t e d - Actual Value | F a i l e d - Expected Code | 67 111 109 112 108 101 116 101 100 - Actual Code | 70 97 105 108 101 100 - - Expression: [ - result => result.ResultSummary.Outcome.ShouldBe("Completed"), - result => result.ResultSummary.Counters.Total.ShouldBe(1), - result => result.ResultSummary.Counters.Passed.ShouldBe(1), - result => result.ResultSummary.Counters.Failed.ShouldBe(0), - result => result.ResultSummary.Counters.NotExecuted.ShouldBe(0), - _ => FindFile(x => x.Name.EndsWith("AfterTestAttributeTests.txt")).AssertExists() - ] - ---> Shouldly.ShouldAssertException: result => result.ResultSummary.Outcome - should be - "Completed" - but was - "Failed" - difference - Difference | | | | | | | | | | - | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ - Index | 0 1 2 3 4 5 6 7 8 - Expected Value | C o m p l e t e d - Actual Value | F a i l e d - Expected Code | 67 111 109 112 108 101 116 101 100 - Actual Code | 70 97 105 108 101 100 - at TUnit.Engine.Tests.AfterTestAttributeTests.<>c.b__1_0(TestRun result) in C:\git\TUnit\TUnit.Engine.Tests\AfterTestAttributeTests.cs:15 - at TUnit.Engine.Tests.TrxAsserter.<>c__DisplayClass0_1.b__1(Action`1 x) in C:\git\TUnit\TUnit.Engine.Tests\TrxAsserter.cs:23 - at System.Collections.Generic.List`1.ForEach(Action`1 action) - at TUnit.Engine.Tests.TrxAsserter.AssertTrx(TestMode testMode, Command command, BufferedCommandResult commandResult, List`1 assertions, String trxFilename, String assertionExpression) in C:\git\TUnit\TUnit.Engine.Tests\TrxAsserter.cs:23 - Standard output - Mode: Reflection - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 55453a2b7fa44b029475dc8a326e4108.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-55453a2b7fa44b029475dc8a326e4108.dmp --hangdump-timeout 5m --reflection - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190524608.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190524924.diag - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypePerAssemblyFixture - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 42472704 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (551ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\55453a2b7fa44b029475dc8a326e4108.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 1s 882ms - - Mode: Reflection - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 6c7fc4858d4c4d12adf72f60bf5d44e6.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-6c7fc4858d4c4d12adf72f60bf5d44e6.dmp --hangdump-timeout 5m --reflection - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190527805.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190528116.diag - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypePerAssemblyFixture - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 40633064 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (557ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\6c7fc4858d4c4d12adf72f60bf5d44e6.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 1s 917ms - - Mode: Reflection - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename b03da1984dab4d8290e35056f21b71a4.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-b03da1984dab4d8290e35056f21b71a4.dmp --hangdump-timeout 5m --reflection - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190531056.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190531400.diag - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypePerAssemblyFixture - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 57542131 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (545ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\b03da1984dab4d8290e35056f21b71a4.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 1s 874ms - - Mode: Reflection - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename d64287f8cdda4ed1a4f4b7823d53c367.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-d64287f8cdda4ed1a4f4b7823d53c367.dmp --hangdump-timeout 5m --reflection - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190534274.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190534589.diag - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypePerAssemblyFixture - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 40633064 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (551ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\d64287f8cdda4ed1a4f4b7823d53c367.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 1s 878ms - Error output -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: AfterTestAttributeTests.Test (3s 187ms): Exception: Error asserting results for AfterTestAttributeTests: result => result.ResultSummary.Outcome [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: should be [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: "Completed" [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: but was [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: "Failed" [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: difference [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Difference | | | | | | | | | | [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Index | 0 1 2 3 4 5 6 7 8 [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Expected Value | C o m p l e t e d [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Actual Value | F a i l e d [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Expected Code | 67 111 109 112 108 101 116 101 100 [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Actual Code | 70 97 105 108 101 100 [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Expression: [ [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Outcome.ShouldBe("Completed"), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Counters.Total.ShouldBe(1), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Counters.Passed.ShouldBe(1), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Counters.Failed.ShouldBe(0), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Counters.NotExecuted.ShouldBe(0), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: _ => FindFile(x => x.Name.EndsWith("AfterTestAttributeTests.txt")).AssertExists() [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: ] [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] - [+2/x1/?0] TUnit.Engine.Tests.dll (net9.0|x64) - AfterTestAttributeTests.Test (18s) - - failed AfterTestAttributeTests.Test (4s 038ms) - TUnit.Engine.Exceptions.TestFailedException: Exception: Error asserting results for AfterTestAttributeTests: result => result.ResultSummary.Outcome - should be - "Completed" - but was - "Failed" - difference - Difference | | | | | | | | | | - | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ - Index | 0 1 2 3 4 5 6 7 8 - Expected Value | C o m p l e t e d - Actual Value | F a i l e d - Expected Code | 67 111 109 112 108 101 116 101 100 - Actual Code | 70 97 105 108 101 100 - - Expression: [ - result => result.ResultSummary.Outcome.ShouldBe("Completed"), - result => result.ResultSummary.Counters.Total.ShouldBe(1), - result => result.ResultSummary.Counters.Passed.ShouldBe(1), - result => result.ResultSummary.Counters.Failed.ShouldBe(0), - result => result.ResultSummary.Counters.NotExecuted.ShouldBe(0), - _ => FindFile(x => x.Name.EndsWith("AfterTestAttributeTests.txt")).AssertExists() - ] - ---> Shouldly.ShouldAssertException: result => result.ResultSummary.Outcome - should be - "Completed" - but was - "Failed" - difference - Difference | | | | | | | | | | - | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ - Index | 0 1 2 3 4 5 6 7 8 - Expected Value | C o m p l e t e d - Actual Value | F a i l e d - Expected Code | 67 111 109 112 108 101 116 101 100 - Actual Code | 70 97 105 108 101 100 - at TUnit.Engine.Tests.AfterTestAttributeTests.<>c.b__1_0(TestRun result) in C:\git\TUnit\TUnit.Engine.Tests\AfterTestAttributeTests.cs:15 - at TUnit.Engine.Tests.TrxAsserter.<>c__DisplayClass0_1.b__1(Action`1 x) in C:\git\TUnit\TUnit.Engine.Tests\TrxAsserter.cs:23 - at System.Collections.Generic.List`1.ForEach(Action`1 action) - at TUnit.Engine.Tests.TrxAsserter.AssertTrx(TestMode testMode, Command command, BufferedCommandResult commandResult, List`1 assertions, String trxFilename, String assertionExpression) in C:\git\TUnit\TUnit.Engine.Tests\TrxAsserter.cs:23 - Standard output -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: AfterTestAttributeTests.Test (4s 038ms): Exception: Error asserting results for AfterTestAttributeTests: result => result.ResultSummary.Outcome [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: should be [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: "Completed" [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: but was [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: "Failed" [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: difference [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Difference | | | | | | | | | | [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Index | 0 1 2 3 4 5 6 7 8 [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Expected Value | C o m p l e t e d [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Actual Value | F a i l e d [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Expected Code | 67 111 109 112 108 101 116 101 100 [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Actual Code | 70 97 105 108 101 100 [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Expression: [ [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Outcome.ShouldBe("Completed"), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Counters.Total.ShouldBe(1), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Counters.Passed.ShouldBe(1), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Counters.Failed.ShouldBe(0), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Counters.NotExecuted.ShouldBe(0), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: _ => FindFile(x => x.Name.EndsWith("AfterTestAttributeTests.txt")).AssertExists() [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: ] [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] - Mode: SourceGenerated - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 5fc929e538fc4c89ac8deec4a9efd86f.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-5fc929e538fc4c89ac8deec4a9efd86f.dmp --hangdump-timeout 5m - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190524607.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190524921.diag - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypePerAssemblyFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 30923613 - Initializing Static Property - Scheduling execution of 1 tests - Starting 1 parallel tests - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (557ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\5fc929e538fc4c89ac8deec4a9efd86f.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 2s 837ms - - Mode: SourceGenerated - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename f0dddfcfd798402b81c62f62b8156778.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-f0dddfcfd798402b81c62f62b8156778.dmp --hangdump-timeout 5m - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190528735.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190529051.diag - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypePerAssemblyFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 61931053 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (566ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\f0dddfcfd798402b81c62f62b8156778.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 3s 029ms - - Mode: SourceGenerated - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename f61de09602bb4ff98181c9073dbb0d2d.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-f61de09602bb4ff98181c9073dbb0d2d.dmp --hangdump-timeout 5m - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190533116.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190533420.diag - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypePerAssemblyFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 65198764 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (552ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\f61de09602bb4ff98181c9073dbb0d2d.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 2s 862ms - - Mode: SourceGenerated - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 3cd43f9119dc4a70b6296c5f3c5b605c.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-3cd43f9119dc4a70b6296c5f3c5b605c.dmp --hangdump-timeout 5m - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190537251.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190537565.diag - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypePerAssemblyFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 30637870 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (557ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\3cd43f9119dc4a70b6296c5f3c5b605c.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 2s 760ms - Error output - Mode: SourceGenerated - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 3cd43f9119dc4a70b6296c5f3c5b605c.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-3cd43f9119dc4a70b6296c5f3c5b605c.dmp --hangdump-timeout 5m - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190537251.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929190537565.diag - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypePerAssemblyFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 30637870 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (557ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\3cd43f9119dc4a70b6296c5f3c5b605c.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 2s 760ms - - Failed! - Failed: 2, Passed: 2, Skipped: 0, Total: 4, Duration: 19s 176ms - - Test run summary: Failed! - C:\git\TUnit\TUnit.Engine.Tests\bin\Release\net9.0\TUnit.Engine.Tests.dll (net9.0|x64) - total: 4 - failed: 2 - succeeded: 2 - skipped: 0 - duration: 19s 220ms -C:\git\TUnit\TUnit.Engine.Tests\bin\Release\net9.0\TUnit.Engine.Tests.dll : error run failed: Tests failed: 'C:\git\TUnit\TUnit.Engine.Tests\bin\Release\net9.0\TestResults\TUnit.Engine.Tests_net9.0_x64.log' [net9.0|x64] [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] diff --git a/debug_output2.txt b/debug_output2.txt deleted file mode 100644 index 5a70136873..0000000000 --- a/debug_output2.txt +++ /dev/null @@ -1,982 +0,0 @@ - Run tests: 'C:\git\TUnit\TUnit.Engine.Tests\bin\Release\net9.0\TUnit.Engine.Tests.dll' [net9.0|x64] - - ████████╗██╗ ██╗███╗ ██╗██╗████████╗ - ╚══██╔══╝██║ ██║████╗ ██║██║╚══██╔══╝ - ██║ ██║ ██║██╔██╗ ██║██║ ██║ - ██║ ██║ ██║██║╚██╗██║██║ ██║ - ██║ ╚██████╔╝██║ ╚████║██║ ██║ - ╚═╝ ╚═════╝ ╚═╝ ╚═══╝╚═╝ ╚═╝ - - TUnit v1.0.0.0 | 64-bit | Microsoft Windows 10.0.26100 | win-x64 | .NET 9.0.9 | Microsoft Testing Platform v1.8.4 - - Engine Mode: SourceGenerated - - [+0/x0/?0] TUnit.Engine.Tests.dll (net9.0|x64) - 4 tests running (3s) - - [+0/x0/?0] TUnit.Engine.Tests.dll (net9.0|x64) - 4 tests running (6s) - - [+2/x0/?0] TUnit.Engine.Tests.dll (net9.0|x64) - 2 tests running (9s) - - Mode: Reflection - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 88fd531f65934c599913384fc244e146.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-88fd531f65934c599913384fc244e146.dmp --hangdump-timeout 5m --reflection - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191031392.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191031701.diag - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypePerAssemblyFixture - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 55993668 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (546ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\88fd531f65934c599913384fc244e146.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 1s 781ms - - Mode: SourceGenerated - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 839e96625a7149649fe0c0df4972a374.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-839e96625a7149649fe0c0df4972a374.dmp --hangdump-timeout 5m - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191031394.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191031698.diag - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypePerAssemblyFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 41034663 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (561ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\839e96625a7149649fe0c0df4972a374.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 2s 713ms - - [+2/x0/?0] TUnit.Engine.Tests.dll (net9.0|x64) - 2 tests running (12s) - - Mode: Reflection - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename c57428c335334e95b2f95a17a41ba895.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-c57428c335334e95b2f95a17a41ba895.dmp --hangdump-timeout 5m --reflection - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191034648.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191034958.diag - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypePerAssemblyFixture - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 40633064 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (568ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\c57428c335334e95b2f95a17a41ba895.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 1s 882ms - - [+2/x0/?0] TUnit.Engine.Tests.dll (net9.0|x64) - 2 tests running (15s) - - Mode: SourceGenerated - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename de63cc855d90459d94f746b267be3e8a.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-de63cc855d90459d94f746b267be3e8a.dmp --hangdump-timeout 5m - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191035548.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191035853.diag - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypePerAssemblyFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 32790483 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (577ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\de63cc855d90459d94f746b267be3e8a.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 3s 312ms - - Mode: Reflection - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 74eeb5dbd88b48e3a4abb7b502d23df3.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-74eeb5dbd88b48e3a4abb7b502d23df3.dmp --hangdump-timeout 5m --reflection - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191038185.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191038565.diag - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypePerAssemblyFixture - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 40633064 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (558ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\74eeb5dbd88b48e3a4abb7b502d23df3.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 1s 951ms - - [+2/x0/?0] TUnit.Engine.Tests.dll (net9.0|x64) - 2 tests running (18s) - - Mode: SourceGenerated - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 2901ae070f374bfea7bf993ac69ba101.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-2901ae070f374bfea7bf993ac69ba101.dmp --hangdump-timeout 5m - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191040393.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191040726.diag - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypePerAssemblyFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 40475271 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (546ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\2901ae070f374bfea7bf993ac69ba101.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 2s 808ms - - failed AfterTestAttributeTests.Test (3s 320ms) - TUnit.Engine.Exceptions.TestFailedException: Exception: Error asserting results for AfterTestAttributeTests: result => result.ResultSummary.Outcome - should be - "Completed" - but was - "Failed" - difference - Difference | | | | | | | | | | - | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ - Index | 0 1 2 3 4 5 6 7 8 - Expected Value | C o m p l e t e d - Actual Value | F a i l e d - Expected Code | 67 111 109 112 108 101 116 101 100 - Actual Code | 70 97 105 108 101 100 - - Expression: [ - result => result.ResultSummary.Outcome.ShouldBe("Completed"), - result => result.ResultSummary.Counters.Total.ShouldBe(1), - result => result.ResultSummary.Counters.Passed.ShouldBe(1), - result => result.ResultSummary.Counters.Failed.ShouldBe(0), - result => result.ResultSummary.Counters.NotExecuted.ShouldBe(0), - _ => FindFile(x => x.Name.EndsWith("AfterTestAttributeTests.txt")).AssertExists() - ] - ---> Shouldly.ShouldAssertException: result => result.ResultSummary.Outcome - should be - "Completed" - but was - "Failed" - difference - Difference | | | | | | | | | | - | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ - Index | 0 1 2 3 4 5 6 7 8 - Expected Value | C o m p l e t e d - Actual Value | F a i l e d - Expected Code | 67 111 109 112 108 101 116 101 100 - Actual Code | 70 97 105 108 101 100 - at TUnit.Engine.Tests.AfterTestAttributeTests.<>c.b__1_0(TestRun result) in C:\git\TUnit\TUnit.Engine.Tests\AfterTestAttributeTests.cs:15 - at TUnit.Engine.Tests.TrxAsserter.<>c__DisplayClass0_1.b__1(Action`1 x) in C:\git\TUnit\TUnit.Engine.Tests\TrxAsserter.cs:23 - at System.Collections.Generic.List`1.ForEach(Action`1 action) - at TUnit.Engine.Tests.TrxAsserter.AssertTrx(TestMode testMode, Command command, BufferedCommandResult commandResult, List`1 assertions, String trxFilename, String assertionExpression) in C:\git\TUnit\TUnit.Engine.Tests\TrxAsserter.cs:23 - Standard output - Mode: Reflection - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 88fd531f65934c599913384fc244e146.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-88fd531f65934c599913384fc244e146.dmp --hangdump-timeout 5m --reflection - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191031392.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191031701.diag - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypePerAssemblyFixture - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 55993668 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (546ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\88fd531f65934c599913384fc244e146.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 1s 781ms - - Mode: Reflection - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename c57428c335334e95b2f95a17a41ba895.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-c57428c335334e95b2f95a17a41ba895.dmp --hangdump-timeout 5m --reflection - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191034648.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191034958.diag - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypePerAssemblyFixture - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 40633064 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (568ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\c57428c335334e95b2f95a17a41ba895.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 1s 882ms - - Mode: Reflection - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 74eeb5dbd88b48e3a4abb7b502d23df3.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-74eeb5dbd88b48e3a4abb7b502d23df3.dmp --hangdump-timeout 5m --reflection - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191038185.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191038565.diag - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypePerAssemblyFixture - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 40633064 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (558ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\74eeb5dbd88b48e3a4abb7b502d23df3.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 1s 951ms - - Mode: Reflection - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 90c8f07cedc242af9bf965b00bd7a2f3.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-90c8f07cedc242af9bf965b00bd7a2f3.dmp --hangdump-timeout 5m --reflection - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191041774.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191042080.diag - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypePerAssemblyFixture - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 14042645 - Scheduling execution of 1 tests - Initializing Static Property - Starting 1 parallel tests - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (542ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\90c8f07cedc242af9bf965b00bd7a2f3.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 1s 803ms - Error output -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: AfterTestAttributeTests.Test (3s 320ms): Exception: Error asserting results for AfterTestAttributeTests: result => result.ResultSummary.Outcome [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: should be [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: "Completed" [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: but was [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: "Failed" [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: difference [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Difference | | | | | | | | | | [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Index | 0 1 2 3 4 5 6 7 8 [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Expected Value | C o m p l e t e d [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Actual Value | F a i l e d [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Expected Code | 67 111 109 112 108 101 116 101 100 [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Actual Code | 70 97 105 108 101 100 [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Expression: [ [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Outcome.ShouldBe("Completed"), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Counters.Total.ShouldBe(1), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Counters.Passed.ShouldBe(1), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Counters.Failed.ShouldBe(0), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Counters.NotExecuted.ShouldBe(0), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: _ => FindFile(x => x.Name.EndsWith("AfterTestAttributeTests.txt")).AssertExists() [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: ] [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] - Mode: Reflection - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 90c8f07cedc242af9bf965b00bd7a2f3.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-90c8f07cedc242af9bf965b00bd7a2f3.dmp --hangdump-timeout 5m --reflection - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191041774.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191042080.diag - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypePerAssemblyFixture - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 14042645 - Scheduling execution of 1 tests - Initializing Static Property - Starting 1 parallel tests - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (542ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\90c8f07cedc242af9bf965b00bd7a2f3.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 1s 803ms - - [+2/x1/?0] TUnit.Engine.Tests.dll (net9.0|x64) - AfterTestAttributeTests.Test (21s) - - [+2/x1/?0] TUnit.Engine.Tests.dll (net9.0|x64) - AfterTestAttributeTests.Test (24s) - - failed AfterTestAttributeTests.Test (4s 111ms) - TUnit.Engine.Exceptions.TestFailedException: Exception: Error asserting results for AfterTestAttributeTests: result => result.ResultSummary.Outcome -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: AfterTestAttributeTests.Test (4s 111ms): Exception: Error asserting results for AfterTestAttributeTests: result => result.ResultSummary.Outcome [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: should be [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: "Completed" [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: but was [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: "Failed" [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: difference [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Difference | | | | | | | | | | [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Index | 0 1 2 3 4 5 6 7 8 [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Expected Value | C o m p l e t e d [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Actual Value | F a i l e d [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Expected Code | 67 111 109 112 108 101 116 101 100 [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Actual Code | 70 97 105 108 101 100 [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Expression: [ [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Outcome.ShouldBe("Completed"), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Counters.Total.ShouldBe(1), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Counters.Passed.ShouldBe(1), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Counters.Failed.ShouldBe(0), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Counters.NotExecuted.ShouldBe(0), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: _ => FindFile(x => x.Name.EndsWith("AfterTestAttributeTests.txt")).AssertExists() [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: ] [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] - should be - "Completed" - but was - "Failed" - difference - Difference | | | | | | | | | | - | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ - Index | 0 1 2 3 4 5 6 7 8 - Expected Value | C o m p l e t e d - Actual Value | F a i l e d - Expected Code | 67 111 109 112 108 101 116 101 100 - Actual Code | 70 97 105 108 101 100 - - Expression: [ - result => result.ResultSummary.Outcome.ShouldBe("Completed"), - result => result.ResultSummary.Counters.Total.ShouldBe(1), - result => result.ResultSummary.Counters.Passed.ShouldBe(1), - result => result.ResultSummary.Counters.Failed.ShouldBe(0), - result => result.ResultSummary.Counters.NotExecuted.ShouldBe(0), - _ => FindFile(x => x.Name.EndsWith("AfterTestAttributeTests.txt")).AssertExists() - ] - ---> Shouldly.ShouldAssertException: result => result.ResultSummary.Outcome - should be - "Completed" - but was - "Failed" - difference - Difference | | | | | | | | | | - | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ - Index | 0 1 2 3 4 5 6 7 8 - Expected Value | C o m p l e t e d - Actual Value | F a i l e d - Expected Code | 67 111 109 112 108 101 116 101 100 - Actual Code | 70 97 105 108 101 100 - at TUnit.Engine.Tests.AfterTestAttributeTests.<>c.b__1_0(TestRun result) in C:\git\TUnit\TUnit.Engine.Tests\AfterTestAttributeTests.cs:15 - at TUnit.Engine.Tests.TrxAsserter.<>c__DisplayClass0_1.b__1(Action`1 x) in C:\git\TUnit\TUnit.Engine.Tests\TrxAsserter.cs:23 - at System.Collections.Generic.List`1.ForEach(Action`1 action) - at TUnit.Engine.Tests.TrxAsserter.AssertTrx(TestMode testMode, Command command, BufferedCommandResult commandResult, List`1 assertions, String trxFilename, String assertionExpression) in C:\git\TUnit\TUnit.Engine.Tests\TrxAsserter.cs:23 - Standard output - Mode: SourceGenerated - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 839e96625a7149649fe0c0df4972a374.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-839e96625a7149649fe0c0df4972a374.dmp --hangdump-timeout 5m - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191031394.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191031698.diag - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypePerAssemblyFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 41034663 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (561ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\839e96625a7149649fe0c0df4972a374.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 2s 713ms - - Mode: SourceGenerated - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename de63cc855d90459d94f746b267be3e8a.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-de63cc855d90459d94f746b267be3e8a.dmp --hangdump-timeout 5m - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191035548.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191035853.diag - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypePerAssemblyFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 32790483 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (577ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\de63cc855d90459d94f746b267be3e8a.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 3s 312ms - - Mode: SourceGenerated - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 2901ae070f374bfea7bf993ac69ba101.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-2901ae070f374bfea7bf993ac69ba101.dmp --hangdump-timeout 5m - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191040393.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191040726.diag - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypePerAssemblyFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 40475271 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (546ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\2901ae070f374bfea7bf993ac69ba101.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 2s 808ms - - Mode: SourceGenerated - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 63c328dc61d24eacb6b8c9ed3336fbde.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-63c328dc61d24eacb6b8c9ed3336fbde.dmp --hangdump-timeout 5m - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191044643.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191044950.diag - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypePerAssemblyFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 16991442 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (555ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\63c328dc61d24eacb6b8c9ed3336fbde.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 2s 707ms - Error output - Mode: SourceGenerated - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 63c328dc61d24eacb6b8c9ed3336fbde.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-63c328dc61d24eacb6b8c9ed3336fbde.dmp --hangdump-timeout 5m - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191044643.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191044950.diag - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypePerAssemblyFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 16991442 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (555ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\63c328dc61d24eacb6b8c9ed3336fbde.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 2s 707ms - - Failed! - Failed: 2, Passed: 2, Skipped: 0, Total: 4, Duration: 24s 142ms - - Test run summary: Failed! - C:\git\TUnit\TUnit.Engine.Tests\bin\Release\net9.0\TUnit.Engine.Tests.dll (net9.0|x64) - total: 4 - failed: 2 - succeeded: 2 - skipped: 0 - duration: 24s 174ms -C:\git\TUnit\TUnit.Engine.Tests\bin\Release\net9.0\TUnit.Engine.Tests.dll : error run failed: Tests failed: 'C:\git\TUnit\TUnit.Engine.Tests\bin\Release\net9.0\TestResults\TUnit.Engine.Tests_net9.0_x64.log' [net9.0|x64] [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] diff --git a/debug_output3.txt b/debug_output3.txt deleted file mode 100644 index 21d70fab82..0000000000 --- a/debug_output3.txt +++ /dev/null @@ -1,982 +0,0 @@ - Run tests: 'C:\git\TUnit\TUnit.Engine.Tests\bin\Release\net9.0\TUnit.Engine.Tests.dll' [net9.0|x64] - - ████████╗██╗ ██╗███╗ ██╗██╗████████╗ - ╚══██╔══╝██║ ██║████╗ ██║██║╚══██╔══╝ - ██║ ██║ ██║██╔██╗ ██║██║ ██║ - ██║ ██║ ██║██║╚██╗██║██║ ██║ - ██║ ╚██████╔╝██║ ╚████║██║ ██║ - ╚═╝ ╚═════╝ ╚═╝ ╚═══╝╚═╝ ╚═╝ - - TUnit v1.0.0.0 | 64-bit | Microsoft Windows 10.0.26100 | win-x64 | .NET 9.0.9 | Microsoft Testing Platform v1.8.4 - - Engine Mode: SourceGenerated - - [+0/x0/?0] TUnit.Engine.Tests.dll (net9.0|x64) - 4 tests running (3s) - - [+0/x0/?0] TUnit.Engine.Tests.dll (net9.0|x64) - 4 tests running (6s) - - [+2/x0/?0] TUnit.Engine.Tests.dll (net9.0|x64) - 2 tests running (9s) - - Mode: Reflection - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename c83bda3d23bc491896050dc085311a20.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-c83bda3d23bc491896050dc085311a20.dmp --hangdump-timeout 5m --reflection - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191804564.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191804892.diag - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypePerAssemblyFixture - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 27237168 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (548ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\c83bda3d23bc491896050dc085311a20.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 1s 885ms - - Mode: SourceGenerated - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename c7a314337e294fb5b2dec12186e89798.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-c7a314337e294fb5b2dec12186e89798.dmp --hangdump-timeout 5m - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191804558.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191804888.diag - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypePerAssemblyFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 17713017 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (563ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\c7a314337e294fb5b2dec12186e89798.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 2s 904ms - - [+2/x0/?0] TUnit.Engine.Tests.dll (net9.0|x64) - 2 tests running (12s) - - Mode: Reflection - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename f5b96c668b9847dc9c1e2a2c6a011593.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-f5b96c668b9847dc9c1e2a2c6a011593.dmp --hangdump-timeout 5m --reflection - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191808067.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191808410.diag - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypePerAssemblyFixture - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 6715097 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (549ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\f5b96c668b9847dc9c1e2a2c6a011593.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 1s 956ms - - [+2/x0/?0] TUnit.Engine.Tests.dll (net9.0|x64) - 2 tests running (15s) - - Mode: SourceGenerated - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 2983775147904be49cd823fc01413fde.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-2983775147904be49cd823fc01413fde.dmp --hangdump-timeout 5m - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191809066.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191809413.diag - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypePerAssemblyFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 3766656 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (556ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\2983775147904be49cd823fc01413fde.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 2s 948ms - - Mode: Reflection - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 174296c32c8949d9ad9aa257a18b3fda.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-174296c32c8949d9ad9aa257a18b3fda.dmp --hangdump-timeout 5m --reflection - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191811616.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191811937.diag - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypePerAssemblyFixture - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 42472704 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (546ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\174296c32c8949d9ad9aa257a18b3fda.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 1s 866ms - - [+2/x0/?0] TUnit.Engine.Tests.dll (net9.0|x64) - 2 tests running (18s) - - Mode: SourceGenerated - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 6acdfc03ed5a43b68491a6269401ff08.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-6acdfc03ed5a43b68491a6269401ff08.dmp --hangdump-timeout 5m - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191813535.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191813873.diag - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypePerAssemblyFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 62676156 - Scheduling execution of 1 tests - Initializing Static Property - Starting 1 parallel tests - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (569ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\6acdfc03ed5a43b68491a6269401ff08.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 2s 958ms - - failed AfterTestAttributeTests.Test (3s 368ms) - TUnit.Engine.Exceptions.TestFailedException: Exception: Error asserting results for AfterTestAttributeTests: result => result.ResultSummary.Outcome - should be - "Completed" - but was - "Failed" - difference - Difference | | | | | | | | | | - | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ - Index | 0 1 2 3 4 5 6 7 8 - Expected Value | C o m p l e t e d - Actual Value | F a i l e d - Expected Code | 67 111 109 112 108 101 116 101 100 - Actual Code | 70 97 105 108 101 100 - - Expression: [ - result => result.ResultSummary.Outcome.ShouldBe("Completed"), - result => result.ResultSummary.Counters.Total.ShouldBe(1), - result => result.ResultSummary.Counters.Passed.ShouldBe(1), - result => result.ResultSummary.Counters.Failed.ShouldBe(0), - result => result.ResultSummary.Counters.NotExecuted.ShouldBe(0), - _ => FindFile(x => x.Name.EndsWith("AfterTestAttributeTests.txt")).AssertExists() - ] - ---> Shouldly.ShouldAssertException: result => result.ResultSummary.Outcome - should be - "Completed" - but was - "Failed" - difference - Difference | | | | | | | | | | - | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ - Index | 0 1 2 3 4 5 6 7 8 - Expected Value | C o m p l e t e d - Actual Value | F a i l e d - Expected Code | 67 111 109 112 108 101 116 101 100 - Actual Code | 70 97 105 108 101 100 - at TUnit.Engine.Tests.AfterTestAttributeTests.<>c.b__1_0(TestRun result) in C:\git\TUnit\TUnit.Engine.Tests\AfterTestAttributeTests.cs:15 - at TUnit.Engine.Tests.TrxAsserter.<>c__DisplayClass0_1.b__1(Action`1 x) in C:\git\TUnit\TUnit.Engine.Tests\TrxAsserter.cs:23 - at System.Collections.Generic.List`1.ForEach(Action`1 action) - at TUnit.Engine.Tests.TrxAsserter.AssertTrx(TestMode testMode, Command command, BufferedCommandResult commandResult, List`1 assertions, String trxFilename, String assertionExpression) in C:\git\TUnit\TUnit.Engine.Tests\TrxAsserter.cs:23 - Standard output - Mode: Reflection - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename c83bda3d23bc491896050dc085311a20.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-c83bda3d23bc491896050dc085311a20.dmp --hangdump-timeout 5m --reflection - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191804564.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191804892.diag - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypePerAssemblyFixture - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 27237168 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (548ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\c83bda3d23bc491896050dc085311a20.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 1s 885ms - - Mode: Reflection - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename f5b96c668b9847dc9c1e2a2c6a011593.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-f5b96c668b9847dc9c1e2a2c6a011593.dmp --hangdump-timeout 5m --reflection - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191808067.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191808410.diag - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypePerAssemblyFixture - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 6715097 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (549ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\f5b96c668b9847dc9c1e2a2c6a011593.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 1s 956ms - - Mode: Reflection - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 174296c32c8949d9ad9aa257a18b3fda.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-174296c32c8949d9ad9aa257a18b3fda.dmp --hangdump-timeout 5m --reflection - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191811616.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191811937.diag - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypePerAssemblyFixture - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 42472704 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (546ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\174296c32c8949d9ad9aa257a18b3fda.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 1s 866ms - - Mode: Reflection - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 376a3d31a2fd44f29d18ab94fef6cf06.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-376a3d31a2fd44f29d18ab94fef6cf06.dmp --hangdump-timeout 5m --reflection - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191814961.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191815298.diag - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypePerAssemblyFixture - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 40633064 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (542ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\376a3d31a2fd44f29d18ab94fef6cf06.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 1s 861ms - Error output -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: AfterTestAttributeTests.Test (3s 368ms): Exception: Error asserting results for AfterTestAttributeTests: result => result.ResultSummary.Outcome [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: should be [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: "Completed" [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: but was [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: "Failed" [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: difference [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Difference | | | | | | | | | | [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Index | 0 1 2 3 4 5 6 7 8 [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Expected Value | C o m p l e t e d [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Actual Value | F a i l e d [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Expected Code | 67 111 109 112 108 101 116 101 100 [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Actual Code | 70 97 105 108 101 100 [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Expression: [ [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Outcome.ShouldBe("Completed"), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Counters.Total.ShouldBe(1), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Counters.Passed.ShouldBe(1), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Counters.Failed.ShouldBe(0), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Counters.NotExecuted.ShouldBe(0), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: _ => FindFile(x => x.Name.EndsWith("AfterTestAttributeTests.txt")).AssertExists() [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: ] [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] - Mode: Reflection - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 376a3d31a2fd44f29d18ab94fef6cf06.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-376a3d31a2fd44f29d18ab94fef6cf06.dmp --hangdump-timeout 5m --reflection - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191814961.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191815298.diag - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypePerAssemblyFixture - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 40633064 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (542ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\376a3d31a2fd44f29d18ab94fef6cf06.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 1s 861ms - - [+2/x1/?0] TUnit.Engine.Tests.dll (net9.0|x64) - AfterTestAttributeTests.Test (21s) - - [+2/x1/?0] TUnit.Engine.Tests.dll (net9.0|x64) - AfterTestAttributeTests.Test (24s) - - failed AfterTestAttributeTests.Test (4s 458ms) - TUnit.Engine.Exceptions.TestFailedException: Exception: Error asserting results for AfterTestAttributeTests: result => result.ResultSummary.Outcome - should be - "Completed" - but was - "Failed" - difference - Difference | | | | | | | | | | - | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ - Index | 0 1 2 3 4 5 6 7 8 - Expected Value | C o m p l e t e d - Actual Value | F a i l e d - Expected Code | 67 111 109 112 108 101 116 101 100 - Actual Code | 70 97 105 108 101 100 - - Expression: [ - result => result.ResultSummary.Outcome.ShouldBe("Completed"), - result => result.ResultSummary.Counters.Total.ShouldBe(1), - result => result.ResultSummary.Counters.Passed.ShouldBe(1), - result => result.ResultSummary.Counters.Failed.ShouldBe(0), - result => result.ResultSummary.Counters.NotExecuted.ShouldBe(0), - _ => FindFile(x => x.Name.EndsWith("AfterTestAttributeTests.txt")).AssertExists() - ] - ---> Shouldly.ShouldAssertException: result => result.ResultSummary.Outcome - should be - "Completed" - but was -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: AfterTestAttributeTests.Test (4s 458ms): Exception: Error asserting results for AfterTestAttributeTests: result => result.ResultSummary.Outcome [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: should be [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: "Completed" [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: but was [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: "Failed" [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: difference [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Difference | | | | | | | | | | [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Index | 0 1 2 3 4 5 6 7 8 [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Expected Value | C o m p l e t e d [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Actual Value | F a i l e d [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Expected Code | 67 111 109 112 108 101 116 101 100 [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Actual Code | 70 97 105 108 101 100 [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: Expression: [ [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Outcome.ShouldBe("Completed"), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Counters.Total.ShouldBe(1), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Counters.Passed.ShouldBe(1), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Counters.Failed.ShouldBe(0), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: result => result.ResultSummary.Counters.NotExecuted.ShouldBe(0), [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: _ => FindFile(x => x.Name.EndsWith("AfterTestAttributeTests.txt")).AssertExists() [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: ] [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] -C:\\git\\TUnit\\TUnit.Engine.Tests\\AfterTestAttributeTests.cs(9): error test failed: [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] - "Failed" - difference - Difference | | | | | | | | | | - | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ - Index | 0 1 2 3 4 5 6 7 8 - Expected Value | C o m p l e t e d - Actual Value | F a i l e d - Expected Code | 67 111 109 112 108 101 116 101 100 - Actual Code | 70 97 105 108 101 100 - at TUnit.Engine.Tests.AfterTestAttributeTests.<>c.b__1_0(TestRun result) in C:\git\TUnit\TUnit.Engine.Tests\AfterTestAttributeTests.cs:15 - at TUnit.Engine.Tests.TrxAsserter.<>c__DisplayClass0_1.b__1(Action`1 x) in C:\git\TUnit\TUnit.Engine.Tests\TrxAsserter.cs:23 - at System.Collections.Generic.List`1.ForEach(Action`1 action) - at TUnit.Engine.Tests.TrxAsserter.AssertTrx(TestMode testMode, Command command, BufferedCommandResult commandResult, List`1 assertions, String trxFilename, String assertionExpression) in C:\git\TUnit\TUnit.Engine.Tests\TrxAsserter.cs:23 - Standard output - Mode: SourceGenerated - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename c7a314337e294fb5b2dec12186e89798.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-c7a314337e294fb5b2dec12186e89798.dmp --hangdump-timeout 5m - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191804558.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191804888.diag - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypePerAssemblyFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 17713017 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (563ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\c7a314337e294fb5b2dec12186e89798.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 2s 904ms - - Mode: SourceGenerated - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 2983775147904be49cd823fc01413fde.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-2983775147904be49cd823fc01413fde.dmp --hangdump-timeout 5m - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191809066.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191809413.diag - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypePerAssemblyFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 3766656 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (556ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\2983775147904be49cd823fc01413fde.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 2s 948ms - - Mode: SourceGenerated - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 6acdfc03ed5a43b68491a6269401ff08.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-6acdfc03ed5a43b68491a6269401ff08.dmp --hangdump-timeout 5m - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191813535.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191813873.diag - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypePerAssemblyFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 62676156 - Scheduling execution of 1 tests - Initializing Static Property - Starting 1 parallel tests - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (569ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\6acdfc03ed5a43b68491a6269401ff08.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 2s 958ms - - Mode: SourceGenerated - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 51bf569d0376453091f45cc817fb5f76.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-51bf569d0376453091f45cc817fb5f76.dmp --hangdump-timeout 5m - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191817967.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191818281.diag - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypePerAssemblyFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 134492 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (560ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\51bf569d0376453091f45cc817fb5f76.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 2s 991ms - Error output - Mode: SourceGenerated - Command Input: dotnet run --no-build -f net9.0 --configuration Release --treenode-filter /*/*/AfterTestAttributeTests/* --report-trx --report-trx-filename 51bf569d0376453091f45cc817fb5f76.trx --diagnostic-verbosity Debug --diagnostic --diagnostic-output-fileprefix log_AfterTestAttributeTests_ --hangdump --hangdump-filename hangdump.Win32NT.tests-51bf569d0376453091f45cc817fb5f76.dmp --hangdump-timeout 5m - Error: - Output: Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191817967.diag - Diagnostic file (level 'Debug' with async flush): C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\log_AfterTestAttributeTests__250929191818281.diag - Constructing SharedTypeKeyedFixture - Constructing SharedTypePerPerTestSessionFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypeNoneFixture - Constructing SharedTypePerClassFixture - Constructing SharedTypePerAssemblyFixture - [DisposableSharedInstance] Created instance 1 (total: 1) - Hash: 134492 - Scheduling execution of 1 tests - Starting 1 parallel tests - Initializing Static Property - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - failed Test (560ms) - TUnit.Engine.Exceptions.TestFailedException: AfterTestSessionException: AfterTestSession hook failed - ---> TUnit.Assertions.Exceptions.AssertionException: Expected DataClass.DisposeCount to be equal to 1 - - but found 0 - - at Assert.That(DataClass.DisposeCount).IsEqualTo(1) - at TUnit.Assertions.AssertionBuilders.AssertionBuilder.ProcessAssertionsAsync() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\AssertionBuilder.cs:173 - at TUnit.Assertions.AssertionBuilders.InvokableValueAssertionBuilder`1.AssertAndGet() in C:\git\TUnit\TUnit.Assertions\AssertionBuilders\InvokableValueAssertionBuilder.cs:34 - at TUnit.TestProject.Bugs.Bug3219.ClassDataSourceRetryTests.VerifyDisposalAfterTestSession() in C:\git\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs:79 - at TUnit.Core.AsyncConvert.Convert(Func`1 action) in C:\git\TUnit\TUnit.Core\AsyncConvert.cs:50 - at TUnit.Generated.Hooks.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555Initializer.global_TUnit_TestProject_Bugs_Bug3219_ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_0Params_Body(TestSessionContext context, CancellationToken cancellationToken) in C:\git\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.HookMetadataGenerator\ClassDataSourceRetryTests_VerifyDisposalAfterTestSession_After_TestSession_fb6cf92151404dc094f309c6811a1555.Hook.g.cs:81 - at TUnit.Engine.Helpers.HookTimeoutHelper.<>c__DisplayClass0_0`1.<b__1>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Helpers\HookTimeoutHelper.cs:33 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookCollectionService.<>c__DisplayClass34_0.<b__0>d.MoveNext() in C:\git\TUnit\TUnit.Engine\Services\HookCollectionService.cs:623 - --- End of stack trace from previous location --- - at TUnit.Engine.Services.HookExecutor.ExecuteAfterTestSessionHooksAsync(CancellationToken cancellationToken) in C:\git\TUnit\TUnit.Engine\Services\HookExecutor.cs:59 - Standard output - Before Assembly = 1 - Writing file inside WriteFileAfterTestAttribute! - [AfterTestSession] Checking disposal... - Error output - - In process file artifacts produced: - - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TestResults\51bf569d0376453091f45cc817fb5f76.trx - - Test run summary: Failed! - C:\git\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll (net9.0|x64) - total: 1 - failed: 1 - succeeded: 0 - skipped: 0 - duration: 2s 991ms - - Failed! - Failed: 2, Passed: 2, Skipped: 0, Total: 4, Duration: 25s 074ms - - Test run summary: Failed! - C:\git\TUnit\TUnit.Engine.Tests\bin\Release\net9.0\TUnit.Engine.Tests.dll (net9.0|x64) - total: 4 - failed: 2 - succeeded: 2 - skipped: 0 - duration: 25s 120ms -C:\git\TUnit\TUnit.Engine.Tests\bin\Release\net9.0\TUnit.Engine.Tests.dll : error run failed: Tests failed: 'C:\git\TUnit\TUnit.Engine.Tests\bin\Release\net9.0\TestResults\TUnit.Engine.Tests_net9.0_x64.log' [net9.0|x64] [C:\git\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj::TargetFramework=net9.0] diff --git a/docs/docs/reference/command-line-flags.md b/docs/docs/reference/command-line-flags.md index dd5c139fb4..f55f6aeebf 100644 --- a/docs/docs/reference/command-line-flags.md +++ b/docs/docs/reference/command-line-flags.md @@ -20,7 +20,7 @@ Please note that for the coverage and trx report, you need to install [additiona Output directory of the diagnostic logging. If not specified the file will be generated inside the default 'TestResults' directory. - --diagnostic-output-fileprefix + --diagnostic-file-prefix Prefix for the log file name that will replace '[log]_.' --diagnostic-verbosity diff --git a/dotnet-install.sh b/dotnet-install.sh deleted file mode 100755 index 034d2dfb10..0000000000 --- a/dotnet-install.sh +++ /dev/null @@ -1,1888 +0,0 @@ -#!/usr/bin/env bash -# Copyright (c) .NET Foundation and contributors. All rights reserved. -# Licensed under the MIT license. See LICENSE file in the project root for full license information. -# - -# Stop script on NZEC -set -e -# Stop script if unbound variable found (use ${var:-} if intentional) -set -u -# By default cmd1 | cmd2 returns exit code of cmd2 regardless of cmd1 success -# This is causing it to fail -set -o pipefail - -# Use in the the functions: eval $invocation -invocation='say_verbose "Calling: ${yellow:-}${FUNCNAME[0]} ${green:-}$*${normal:-}"' - -# standard output may be used as a return value in the functions -# we need a way to write text on the screen in the functions so that -# it won't interfere with the return value. -# Exposing stream 3 as a pipe to standard output of the script itself -exec 3>&1 - -# Setup some colors to use. These need to work in fairly limited shells, like the Ubuntu Docker container where there are only 8 colors. -# See if stdout is a terminal -if [ -t 1 ] && command -v tput > /dev/null; then - # see if it supports colors - ncolors=$(tput colors || echo 0) - if [ -n "$ncolors" ] && [ $ncolors -ge 8 ]; then - bold="$(tput bold || echo)" - normal="$(tput sgr0 || echo)" - black="$(tput setaf 0 || echo)" - red="$(tput setaf 1 || echo)" - green="$(tput setaf 2 || echo)" - yellow="$(tput setaf 3 || echo)" - blue="$(tput setaf 4 || echo)" - magenta="$(tput setaf 5 || echo)" - cyan="$(tput setaf 6 || echo)" - white="$(tput setaf 7 || echo)" - fi -fi - -say_warning() { - printf "%b\n" "${yellow:-}dotnet_install: Warning: $1${normal:-}" >&3 -} - -say_err() { - printf "%b\n" "${red:-}dotnet_install: Error: $1${normal:-}" >&2 -} - -say() { - # using stream 3 (defined in the beginning) to not interfere with stdout of functions - # which may be used as return value - printf "%b\n" "${cyan:-}dotnet-install:${normal:-} $1" >&3 -} - -say_verbose() { - if [ "$verbose" = true ]; then - say "$1" - fi -} - -# This platform list is finite - if the SDK/Runtime has supported Linux distribution-specific assets, -# then and only then should the Linux distribution appear in this list. -# Adding a Linux distribution to this list does not imply distribution-specific support. -get_legacy_os_name_from_platform() { - eval $invocation - - platform="$1" - case "$platform" in - "centos.7") - echo "centos" - return 0 - ;; - "debian.8") - echo "debian" - return 0 - ;; - "debian.9") - echo "debian.9" - return 0 - ;; - "fedora.23") - echo "fedora.23" - return 0 - ;; - "fedora.24") - echo "fedora.24" - return 0 - ;; - "fedora.27") - echo "fedora.27" - return 0 - ;; - "fedora.28") - echo "fedora.28" - return 0 - ;; - "opensuse.13.2") - echo "opensuse.13.2" - return 0 - ;; - "opensuse.42.1") - echo "opensuse.42.1" - return 0 - ;; - "opensuse.42.3") - echo "opensuse.42.3" - return 0 - ;; - "rhel.7"*) - echo "rhel" - return 0 - ;; - "ubuntu.14.04") - echo "ubuntu" - return 0 - ;; - "ubuntu.16.04") - echo "ubuntu.16.04" - return 0 - ;; - "ubuntu.16.10") - echo "ubuntu.16.10" - return 0 - ;; - "ubuntu.18.04") - echo "ubuntu.18.04" - return 0 - ;; - "alpine.3.4.3") - echo "alpine" - return 0 - ;; - esac - return 1 -} - -get_legacy_os_name() { - eval $invocation - - local uname=$(uname) - if [ "$uname" = "Darwin" ]; then - echo "osx" - return 0 - elif [ -n "$runtime_id" ]; then - echo $(get_legacy_os_name_from_platform "${runtime_id%-*}" || echo "${runtime_id%-*}") - return 0 - else - if [ -e /etc/os-release ]; then - . /etc/os-release - os=$(get_legacy_os_name_from_platform "$ID${VERSION_ID:+.${VERSION_ID}}" || echo "") - if [ -n "$os" ]; then - echo "$os" - return 0 - fi - fi - fi - - say_verbose "Distribution specific OS name and version could not be detected: UName = $uname" - return 1 -} - -get_linux_platform_name() { - eval $invocation - - if [ -n "$runtime_id" ]; then - echo "${runtime_id%-*}" - return 0 - else - if [ -e /etc/os-release ]; then - . /etc/os-release - echo "$ID${VERSION_ID:+.${VERSION_ID}}" - return 0 - elif [ -e /etc/redhat-release ]; then - local redhatRelease=$(&1 || true) | grep -q musl -} - -get_current_os_name() { - eval $invocation - - local uname=$(uname) - if [ "$uname" = "Darwin" ]; then - echo "osx" - return 0 - elif [ "$uname" = "FreeBSD" ]; then - echo "freebsd" - return 0 - elif [ "$uname" = "Linux" ]; then - local linux_platform_name="" - linux_platform_name="$(get_linux_platform_name)" || true - - if [ "$linux_platform_name" = "rhel.6" ]; then - echo $linux_platform_name - return 0 - elif is_musl_based_distro; then - echo "linux-musl" - return 0 - elif [ "$linux_platform_name" = "linux-musl" ]; then - echo "linux-musl" - return 0 - else - echo "linux" - return 0 - fi - fi - - say_err "OS name could not be detected: UName = $uname" - return 1 -} - -machine_has() { - eval $invocation - - command -v "$1" > /dev/null 2>&1 - return $? -} - -check_min_reqs() { - local hasMinimum=false - if machine_has "curl"; then - hasMinimum=true - elif machine_has "wget"; then - hasMinimum=true - fi - - if [ "$hasMinimum" = "false" ]; then - say_err "curl (recommended) or wget are required to download dotnet. Install missing prerequisite to proceed." - return 1 - fi - return 0 -} - -# args: -# input - $1 -to_lowercase() { - #eval $invocation - - echo "$1" | tr '[:upper:]' '[:lower:]' - return 0 -} - -# args: -# input - $1 -remove_trailing_slash() { - #eval $invocation - - local input="${1:-}" - echo "${input%/}" - return 0 -} - -# args: -# input - $1 -remove_beginning_slash() { - #eval $invocation - - local input="${1:-}" - echo "${input#/}" - return 0 -} - -# args: -# root_path - $1 -# child_path - $2 - this parameter can be empty -combine_paths() { - eval $invocation - - # TODO: Consider making it work with any number of paths. For now: - if [ ! -z "${3:-}" ]; then - say_err "combine_paths: Function takes two parameters." - return 1 - fi - - local root_path="$(remove_trailing_slash "$1")" - local child_path="$(remove_beginning_slash "${2:-}")" - say_verbose "combine_paths: root_path=$root_path" - say_verbose "combine_paths: child_path=$child_path" - echo "$root_path/$child_path" - return 0 -} - -get_machine_architecture() { - eval $invocation - - if command -v uname > /dev/null; then - CPUName=$(uname -m) - case $CPUName in - armv1*|armv2*|armv3*|armv4*|armv5*|armv6*) - echo "armv6-or-below" - return 0 - ;; - armv*l) - echo "arm" - return 0 - ;; - aarch64|arm64) - if [ "$(getconf LONG_BIT)" -lt 64 ]; then - # This is 32-bit OS running on 64-bit CPU (for example Raspberry Pi OS) - echo "arm" - return 0 - fi - echo "arm64" - return 0 - ;; - s390x) - echo "s390x" - return 0 - ;; - ppc64le) - echo "ppc64le" - return 0 - ;; - loongarch64) - echo "loongarch64" - return 0 - ;; - riscv64) - echo "riscv64" - return 0 - ;; - powerpc|ppc) - echo "ppc" - return 0 - ;; - esac - fi - - # Always default to 'x64' - echo "x64" - return 0 -} - -# args: -# architecture - $1 -get_normalized_architecture_from_architecture() { - eval $invocation - - local architecture="$(to_lowercase "$1")" - - if [[ $architecture == \ ]]; then - machine_architecture="$(get_machine_architecture)" - if [[ "$machine_architecture" == "armv6-or-below" ]]; then - say_err "Architecture \`$machine_architecture\` not supported. If you think this is a bug, report it at https://github.com/dotnet/install-scripts/issues" - return 1 - fi - - echo $machine_architecture - return 0 - fi - - case "$architecture" in - amd64|x64) - echo "x64" - return 0 - ;; - arm) - echo "arm" - return 0 - ;; - arm64) - echo "arm64" - return 0 - ;; - s390x) - echo "s390x" - return 0 - ;; - ppc64le) - echo "ppc64le" - return 0 - ;; - loongarch64) - echo "loongarch64" - return 0 - ;; - esac - - say_err "Architecture \`$architecture\` not supported. If you think this is a bug, report it at https://github.com/dotnet/install-scripts/issues" - return 1 -} - -# args: -# version - $1 -# channel - $2 -# architecture - $3 -get_normalized_architecture_for_specific_sdk_version() { - eval $invocation - - local is_version_support_arm64="$(is_arm64_supported "$1")" - local is_channel_support_arm64="$(is_arm64_supported "$2")" - local architecture="$3"; - local osname="$(get_current_os_name)" - - if [ "$osname" == "osx" ] && [ "$architecture" == "arm64" ] && { [ "$is_version_support_arm64" = false ] || [ "$is_channel_support_arm64" = false ]; }; then - #check if rosetta is installed - if [ "$(/usr/bin/pgrep oahd >/dev/null 2>&1;echo $?)" -eq 0 ]; then - say_verbose "Changing user architecture from '$architecture' to 'x64' because .NET SDKs prior to version 6.0 do not support arm64." - echo "x64" - return 0; - else - say_err "Architecture \`$architecture\` is not supported for .NET SDK version \`$version\`. Please install Rosetta to allow emulation of the \`$architecture\` .NET SDK on this platform" - return 1 - fi - fi - - echo "$architecture" - return 0 -} - -# args: -# version or channel - $1 -is_arm64_supported() { - # Extract the major version by splitting on the dot - major_version="${1%%.*}" - - # Check if the major version is a valid number and less than 6 - case "$major_version" in - [0-9]*) - if [ "$major_version" -lt 6 ]; then - echo false - return 0 - fi - ;; - esac - - echo true - return 0 -} - -# args: -# user_defined_os - $1 -get_normalized_os() { - eval $invocation - - local osname="$(to_lowercase "$1")" - if [ ! -z "$osname" ]; then - case "$osname" in - osx | freebsd | rhel.6 | linux-musl | linux) - echo "$osname" - return 0 - ;; - macos) - osname='osx' - echo "$osname" - return 0 - ;; - *) - say_err "'$user_defined_os' is not a supported value for --os option, supported values are: osx, macos, linux, linux-musl, freebsd, rhel.6. If you think this is a bug, report it at https://github.com/dotnet/install-scripts/issues." - return 1 - ;; - esac - else - osname="$(get_current_os_name)" || return 1 - fi - echo "$osname" - return 0 -} - -# args: -# quality - $1 -get_normalized_quality() { - eval $invocation - - local quality="$(to_lowercase "$1")" - if [ ! -z "$quality" ]; then - case "$quality" in - daily | preview) - echo "$quality" - return 0 - ;; - ga) - #ga quality is available without specifying quality, so normalizing it to empty - return 0 - ;; - *) - say_err "'$quality' is not a supported value for --quality option. Supported values are: daily, preview, ga. If you think this is a bug, report it at https://github.com/dotnet/install-scripts/issues." - return 1 - ;; - esac - fi - return 0 -} - -# args: -# channel - $1 -get_normalized_channel() { - eval $invocation - - local channel="$(to_lowercase "$1")" - - if [[ $channel == current ]]; then - say_warning 'Value "Current" is deprecated for -Channel option. Use "STS" instead.' - fi - - if [[ $channel == release/* ]]; then - say_warning 'Using branch name with -Channel option is no longer supported with newer releases. Use -Quality option with a channel in X.Y format instead.'; - fi - - if [ ! -z "$channel" ]; then - case "$channel" in - lts) - echo "LTS" - return 0 - ;; - sts) - echo "STS" - return 0 - ;; - current) - echo "STS" - return 0 - ;; - *) - echo "$channel" - return 0 - ;; - esac - fi - - return 0 -} - -# args: -# runtime - $1 -get_normalized_product() { - eval $invocation - - local product="" - local runtime="$(to_lowercase "$1")" - if [[ "$runtime" == "dotnet" ]]; then - product="dotnet-runtime" - elif [[ "$runtime" == "aspnetcore" ]]; then - product="aspnetcore-runtime" - elif [ -z "$runtime" ]; then - product="dotnet-sdk" - fi - echo "$product" - return 0 -} - -# The version text returned from the feeds is a 1-line or 2-line string: -# For the SDK and the dotnet runtime (2 lines): -# Line 1: # commit_hash -# Line 2: # 4-part version -# For the aspnetcore runtime (1 line): -# Line 1: # 4-part version - -# args: -# version_text - stdin -get_version_from_latestversion_file_content() { - eval $invocation - - cat | tail -n 1 | sed 's/\r$//' - return 0 -} - -# args: -# install_root - $1 -# relative_path_to_package - $2 -# specific_version - $3 -is_dotnet_package_installed() { - eval $invocation - - local install_root="$1" - local relative_path_to_package="$2" - local specific_version="${3//[$'\t\r\n']}" - - local dotnet_package_path="$(combine_paths "$(combine_paths "$install_root" "$relative_path_to_package")" "$specific_version")" - say_verbose "is_dotnet_package_installed: dotnet_package_path=$dotnet_package_path" - - if [ -d "$dotnet_package_path" ]; then - return 0 - else - return 1 - fi -} - -# args: -# downloaded file - $1 -# remote_file_size - $2 -validate_remote_local_file_sizes() -{ - eval $invocation - - local downloaded_file="$1" - local remote_file_size="$2" - local file_size='' - - if [[ "$OSTYPE" == "linux-gnu"* ]]; then - file_size="$(stat -c '%s' "$downloaded_file")" - elif [[ "$OSTYPE" == "darwin"* ]]; then - # hardcode in order to avoid conflicts with GNU stat - file_size="$(/usr/bin/stat -f '%z' "$downloaded_file")" - fi - - if [ -n "$file_size" ]; then - say "Downloaded file size is $file_size bytes." - - if [ -n "$remote_file_size" ] && [ -n "$file_size" ]; then - if [ "$remote_file_size" -ne "$file_size" ]; then - say "The remote and local file sizes are not equal. The remote file size is $remote_file_size bytes and the local size is $file_size bytes. The local package may be corrupted." - else - say "The remote and local file sizes are equal." - fi - fi - - else - say "Either downloaded or local package size can not be measured. One of them may be corrupted." - fi -} - -# args: -# azure_feed - $1 -# channel - $2 -# normalized_architecture - $3 -get_version_from_latestversion_file() { - eval $invocation - - local azure_feed="$1" - local channel="$2" - local normalized_architecture="$3" - - local version_file_url=null - if [[ "$runtime" == "dotnet" ]]; then - version_file_url="$azure_feed/Runtime/$channel/latest.version" - elif [[ "$runtime" == "aspnetcore" ]]; then - version_file_url="$azure_feed/aspnetcore/Runtime/$channel/latest.version" - elif [ -z "$runtime" ]; then - version_file_url="$azure_feed/Sdk/$channel/latest.version" - else - say_err "Invalid value for \$runtime" - return 1 - fi - say_verbose "get_version_from_latestversion_file: latest url: $version_file_url" - - download "$version_file_url" || return $? - return 0 -} - -# args: -# json_file - $1 -parse_globaljson_file_for_version() { - eval $invocation - - local json_file="$1" - if [ ! -f "$json_file" ]; then - say_err "Unable to find \`$json_file\`" - return 1 - fi - - sdk_section=$(cat $json_file | tr -d "\r" | awk '/"sdk"/,/}/') - if [ -z "$sdk_section" ]; then - say_err "Unable to parse the SDK node in \`$json_file\`" - return 1 - fi - - sdk_list=$(echo $sdk_section | awk -F"[{}]" '{print $2}') - sdk_list=${sdk_list//[\" ]/} - sdk_list=${sdk_list//,/$'\n'} - - local version_info="" - while read -r line; do - IFS=: - while read -r key value; do - if [[ "$key" == "version" ]]; then - version_info=$value - fi - done <<< "$line" - done <<< "$sdk_list" - if [ -z "$version_info" ]; then - say_err "Unable to find the SDK:version node in \`$json_file\`" - return 1 - fi - - unset IFS; - echo "$version_info" - return 0 -} - -# args: -# azure_feed - $1 -# channel - $2 -# normalized_architecture - $3 -# version - $4 -# json_file - $5 -get_specific_version_from_version() { - eval $invocation - - local azure_feed="$1" - local channel="$2" - local normalized_architecture="$3" - local version="$(to_lowercase "$4")" - local json_file="$5" - - if [ -z "$json_file" ]; then - if [[ "$version" == "latest" ]]; then - local version_info - version_info="$(get_version_from_latestversion_file "$azure_feed" "$channel" "$normalized_architecture" false)" || return 1 - say_verbose "get_specific_version_from_version: version_info=$version_info" - echo "$version_info" | get_version_from_latestversion_file_content - return 0 - else - echo "$version" - return 0 - fi - else - local version_info - version_info="$(parse_globaljson_file_for_version "$json_file")" || return 1 - echo "$version_info" - return 0 - fi -} - -# args: -# azure_feed - $1 -# channel - $2 -# normalized_architecture - $3 -# specific_version - $4 -# normalized_os - $5 -construct_download_link() { - eval $invocation - - local azure_feed="$1" - local channel="$2" - local normalized_architecture="$3" - local specific_version="${4//[$'\t\r\n']}" - local specific_product_version="$(get_specific_product_version "$1" "$4")" - local osname="$5" - - local download_link=null - if [[ "$runtime" == "dotnet" ]]; then - download_link="$azure_feed/Runtime/$specific_version/dotnet-runtime-$specific_product_version-$osname-$normalized_architecture.tar.gz" - elif [[ "$runtime" == "aspnetcore" ]]; then - download_link="$azure_feed/aspnetcore/Runtime/$specific_version/aspnetcore-runtime-$specific_product_version-$osname-$normalized_architecture.tar.gz" - elif [ -z "$runtime" ]; then - download_link="$azure_feed/Sdk/$specific_version/dotnet-sdk-$specific_product_version-$osname-$normalized_architecture.tar.gz" - else - return 1 - fi - - echo "$download_link" - return 0 -} - -# args: -# azure_feed - $1 -# specific_version - $2 -# download link - $3 (optional) -get_specific_product_version() { - # If we find a 'productVersion.txt' at the root of any folder, we'll use its contents - # to resolve the version of what's in the folder, superseding the specified version. - # if 'productVersion.txt' is missing but download link is already available, product version will be taken from download link - eval $invocation - - local azure_feed="$1" - local specific_version="${2//[$'\t\r\n']}" - local package_download_link="" - if [ $# -gt 2 ]; then - local package_download_link="$3" - fi - local specific_product_version=null - - # Try to get the version number, using the productVersion.txt file located next to the installer file. - local download_links=($(get_specific_product_version_url "$azure_feed" "$specific_version" true "$package_download_link") - $(get_specific_product_version_url "$azure_feed" "$specific_version" false "$package_download_link")) - - for download_link in "${download_links[@]}" - do - say_verbose "Checking for the existence of $download_link" - - if machine_has "curl" - then - if ! specific_product_version=$(curl -s --fail "${download_link}${feed_credential}" 2>&1); then - continue - else - echo "${specific_product_version//[$'\t\r\n']}" - return 0 - fi - - elif machine_has "wget" - then - specific_product_version=$(wget -qO- "${download_link}${feed_credential}" 2>&1) - if [ $? = 0 ]; then - echo "${specific_product_version//[$'\t\r\n']}" - return 0 - fi - fi - done - - # Getting the version number with productVersion.txt has failed. Try parsing the download link for a version number. - say_verbose "Failed to get the version using productVersion.txt file. Download link will be parsed instead." - specific_product_version="$(get_product_specific_version_from_download_link "$package_download_link" "$specific_version")" - echo "${specific_product_version//[$'\t\r\n']}" - return 0 -} - -# args: -# azure_feed - $1 -# specific_version - $2 -# is_flattened - $3 -# download link - $4 (optional) -get_specific_product_version_url() { - eval $invocation - - local azure_feed="$1" - local specific_version="$2" - local is_flattened="$3" - local package_download_link="" - if [ $# -gt 3 ]; then - local package_download_link="$4" - fi - - local pvFileName="productVersion.txt" - if [ "$is_flattened" = true ]; then - if [ -z "$runtime" ]; then - pvFileName="sdk-productVersion.txt" - elif [[ "$runtime" == "dotnet" ]]; then - pvFileName="runtime-productVersion.txt" - else - pvFileName="$runtime-productVersion.txt" - fi - fi - - local download_link=null - - if [ -z "$package_download_link" ]; then - if [[ "$runtime" == "dotnet" ]]; then - download_link="$azure_feed/Runtime/$specific_version/${pvFileName}" - elif [[ "$runtime" == "aspnetcore" ]]; then - download_link="$azure_feed/aspnetcore/Runtime/$specific_version/${pvFileName}" - elif [ -z "$runtime" ]; then - download_link="$azure_feed/Sdk/$specific_version/${pvFileName}" - else - return 1 - fi - else - download_link="${package_download_link%/*}/${pvFileName}" - fi - - say_verbose "Constructed productVersion link: $download_link" - echo "$download_link" - return 0 -} - -# args: -# download link - $1 -# specific version - $2 -get_product_specific_version_from_download_link() -{ - eval $invocation - - local download_link="$1" - local specific_version="$2" - local specific_product_version="" - - if [ -z "$download_link" ]; then - echo "$specific_version" - return 0 - fi - - #get filename - filename="${download_link##*/}" - - #product specific version follows the product name - #for filename 'dotnet-sdk-3.1.404-linux-x64.tar.gz': the product version is 3.1.404 - IFS='-' - read -ra filename_elems <<< "$filename" - count=${#filename_elems[@]} - if [[ "$count" -gt 2 ]]; then - specific_product_version="${filename_elems[2]}" - else - specific_product_version=$specific_version - fi - unset IFS; - echo "$specific_product_version" - return 0 -} - -# args: -# azure_feed - $1 -# channel - $2 -# normalized_architecture - $3 -# specific_version - $4 -construct_legacy_download_link() { - eval $invocation - - local azure_feed="$1" - local channel="$2" - local normalized_architecture="$3" - local specific_version="${4//[$'\t\r\n']}" - - local distro_specific_osname - distro_specific_osname="$(get_legacy_os_name)" || return 1 - - local legacy_download_link=null - if [[ "$runtime" == "dotnet" ]]; then - legacy_download_link="$azure_feed/Runtime/$specific_version/dotnet-$distro_specific_osname-$normalized_architecture.$specific_version.tar.gz" - elif [ -z "$runtime" ]; then - legacy_download_link="$azure_feed/Sdk/$specific_version/dotnet-dev-$distro_specific_osname-$normalized_architecture.$specific_version.tar.gz" - else - return 1 - fi - - echo "$legacy_download_link" - return 0 -} - -get_user_install_path() { - eval $invocation - - if [ ! -z "${DOTNET_INSTALL_DIR:-}" ]; then - echo "$DOTNET_INSTALL_DIR" - else - echo "$HOME/.dotnet" - fi - return 0 -} - -# args: -# install_dir - $1 -resolve_installation_path() { - eval $invocation - - local install_dir=$1 - if [ "$install_dir" = "" ]; then - local user_install_path="$(get_user_install_path)" - say_verbose "resolve_installation_path: user_install_path=$user_install_path" - echo "$user_install_path" - return 0 - fi - - echo "$install_dir" - return 0 -} - -# args: -# relative_or_absolute_path - $1 -get_absolute_path() { - eval $invocation - - local relative_or_absolute_path=$1 - echo "$(cd "$(dirname "$1")" && pwd -P)/$(basename "$1")" - return 0 -} - -# args: -# override - $1 (boolean, true or false) -get_cp_options() { - eval $invocation - - local override="$1" - local override_switch="" - - if [ "$override" = false ]; then - override_switch="-n" - - # create temporary files to check if 'cp -u' is supported - tmp_dir="$(mktemp -d)" - tmp_file="$tmp_dir/testfile" - tmp_file2="$tmp_dir/testfile2" - - touch "$tmp_file" - - # use -u instead of -n if it's available - if cp -u "$tmp_file" "$tmp_file2" 2>/dev/null; then - override_switch="-u" - fi - - # clean up - rm -f "$tmp_file" "$tmp_file2" - rm -rf "$tmp_dir" - fi - - echo "$override_switch" -} - -# args: -# input_files - stdin -# root_path - $1 -# out_path - $2 -# override - $3 -copy_files_or_dirs_from_list() { - eval $invocation - - local root_path="$(remove_trailing_slash "$1")" - local out_path="$(remove_trailing_slash "$2")" - local override="$3" - local override_switch="$(get_cp_options "$override")" - - cat | uniq | while read -r file_path; do - local path="$(remove_beginning_slash "${file_path#$root_path}")" - local target="$out_path/$path" - if [ "$override" = true ] || (! ([ -d "$target" ] || [ -e "$target" ])); then - mkdir -p "$out_path/$(dirname "$path")" - if [ -d "$target" ]; then - rm -rf "$target" - fi - cp -R $override_switch "$root_path/$path" "$target" - fi - done -} - -# args: -# zip_uri - $1 -get_remote_file_size() { - local zip_uri="$1" - - if machine_has "curl"; then - file_size=$(curl -sI "$zip_uri" | grep -i content-length | awk '{ num = $2 + 0; print num }') - elif machine_has "wget"; then - file_size=$(wget --spider --server-response -O /dev/null "$zip_uri" 2>&1 | grep -i 'Content-Length:' | awk '{ num = $2 + 0; print num }') - else - say "Neither curl nor wget is available on this system." - return - fi - - if [ -n "$file_size" ]; then - say "Remote file $zip_uri size is $file_size bytes." - echo "$file_size" - else - say_verbose "Content-Length header was not extracted for $zip_uri." - echo "" - fi -} - -# args: -# zip_path - $1 -# out_path - $2 -# remote_file_size - $3 -extract_dotnet_package() { - eval $invocation - - local zip_path="$1" - local out_path="$2" - local remote_file_size="$3" - - local temp_out_path="$(mktemp -d "$temporary_file_template")" - - local failed=false - tar -xzf "$zip_path" -C "$temp_out_path" > /dev/null || failed=true - - local folders_with_version_regex='^.*/[0-9]+\.[0-9]+[^/]+/' - find "$temp_out_path" -type f | grep -Eo "$folders_with_version_regex" | sort | copy_files_or_dirs_from_list "$temp_out_path" "$out_path" false - find "$temp_out_path" -type f | grep -Ev "$folders_with_version_regex" | copy_files_or_dirs_from_list "$temp_out_path" "$out_path" "$override_non_versioned_files" - - validate_remote_local_file_sizes "$zip_path" "$remote_file_size" - - rm -rf "$temp_out_path" - if [ -z ${keep_zip+x} ]; then - rm -f "$zip_path" && say_verbose "Temporary archive file $zip_path was removed" - fi - - if [ "$failed" = true ]; then - say_err "Extraction failed" - return 1 - fi - return 0 -} - -# args: -# remote_path - $1 -# disable_feed_credential - $2 -get_http_header() -{ - eval $invocation - local remote_path="$1" - local disable_feed_credential="$2" - - local failed=false - local response - if machine_has "curl"; then - get_http_header_curl $remote_path $disable_feed_credential || failed=true - elif machine_has "wget"; then - get_http_header_wget $remote_path $disable_feed_credential || failed=true - else - failed=true - fi - if [ "$failed" = true ]; then - say_verbose "Failed to get HTTP header: '$remote_path'." - return 1 - fi - return 0 -} - -# args: -# remote_path - $1 -# disable_feed_credential - $2 -get_http_header_curl() { - eval $invocation - local remote_path="$1" - local disable_feed_credential="$2" - - remote_path_with_credential="$remote_path" - if [ "$disable_feed_credential" = false ]; then - remote_path_with_credential+="$feed_credential" - fi - - curl_options="-I -sSL --retry 5 --retry-delay 2 --connect-timeout 15 " - curl $curl_options "$remote_path_with_credential" 2>&1 || return 1 - return 0 -} - -# args: -# remote_path - $1 -# disable_feed_credential - $2 -get_http_header_wget() { - eval $invocation - local remote_path="$1" - local disable_feed_credential="$2" - local wget_options="-q -S --spider --tries 5 " - - local wget_options_extra='' - - # Test for options that aren't supported on all wget implementations. - if [[ $(wget -h 2>&1 | grep -E 'waitretry|connect-timeout') ]]; then - wget_options_extra="--waitretry 2 --connect-timeout 15 " - else - say "wget extra options are unavailable for this environment" - fi - - remote_path_with_credential="$remote_path" - if [ "$disable_feed_credential" = false ]; then - remote_path_with_credential+="$feed_credential" - fi - - wget $wget_options $wget_options_extra "$remote_path_with_credential" 2>&1 - - return $? -} - -# args: -# remote_path - $1 -# [out_path] - $2 - stdout if not provided -download() { - eval $invocation - - local remote_path="$1" - local out_path="${2:-}" - - if [[ "$remote_path" != "http"* ]]; then - cp "$remote_path" "$out_path" - return $? - fi - - local failed=false - local attempts=0 - while [ $attempts -lt 3 ]; do - attempts=$((attempts+1)) - failed=false - if machine_has "curl"; then - downloadcurl "$remote_path" "$out_path" || failed=true - elif machine_has "wget"; then - downloadwget "$remote_path" "$out_path" || failed=true - else - say_err "Missing dependency: neither curl nor wget was found." - exit 1 - fi - - if [ "$failed" = false ] || [ $attempts -ge 3 ] || { [ ! -z $http_code ] && [ $http_code = "404" ]; }; then - break - fi - - say "Download attempt #$attempts has failed: $http_code $download_error_msg" - say "Attempt #$((attempts+1)) will start in $((attempts*10)) seconds." - sleep $((attempts*10)) - done - - if [ "$failed" = true ]; then - say_verbose "Download failed: $remote_path" - return 1 - fi - return 0 -} - -# Updates global variables $http_code and $download_error_msg -downloadcurl() { - eval $invocation - unset http_code - unset download_error_msg - local remote_path="$1" - local out_path="${2:-}" - # Append feed_credential as late as possible before calling curl to avoid logging feed_credential - # Avoid passing URI with credentials to functions: note, most of them echoing parameters of invocation in verbose output. - local remote_path_with_credential="${remote_path}${feed_credential}" - local curl_options="--retry 20 --retry-delay 2 --connect-timeout 15 -sSL -f --create-dirs " - local curl_exit_code=0; - if [ -z "$out_path" ]; then - curl_output=$(curl $curl_options "$remote_path_with_credential" 2>&1) - curl_exit_code=$? - echo "$curl_output" - else - curl_output=$(curl $curl_options -o "$out_path" "$remote_path_with_credential" 2>&1) - curl_exit_code=$? - fi - - # Regression in curl causes curl with --retry to return a 0 exit code even when it fails to download a file - https://github.com/curl/curl/issues/17554 - if [ $curl_exit_code -eq 0 ] && echo "$curl_output" | grep -q "^curl: ([0-9]*) "; then - curl_exit_code=$(echo "$curl_output" | sed 's/curl: (\([0-9]*\)).*/\1/') - fi - - if [ $curl_exit_code -gt 0 ]; then - download_error_msg="Unable to download $remote_path." - # Check for curl timeout codes - if [[ $curl_exit_code == 7 || $curl_exit_code == 28 ]]; then - download_error_msg+=" Failed to reach the server: connection timeout." - else - local disable_feed_credential=false - local response=$(get_http_header_curl $remote_path $disable_feed_credential) - http_code=$( echo "$response" | awk '/^HTTP/{print $2}' | tail -1 ) - if [[ ! -z $http_code && $http_code != 2* ]]; then - download_error_msg+=" Returned HTTP status code: $http_code." - fi - fi - say_verbose "$download_error_msg" - return 1 - fi - return 0 -} - - -# Updates global variables $http_code and $download_error_msg -downloadwget() { - eval $invocation - unset http_code - unset download_error_msg - local remote_path="$1" - local out_path="${2:-}" - # Append feed_credential as late as possible before calling wget to avoid logging feed_credential - local remote_path_with_credential="${remote_path}${feed_credential}" - local wget_options="--tries 20 " - - local wget_options_extra='' - local wget_result='' - - # Test for options that aren't supported on all wget implementations. - if [[ $(wget -h 2>&1 | grep -E 'waitretry|connect-timeout') ]]; then - wget_options_extra="--waitretry 2 --connect-timeout 15 " - else - say "wget extra options are unavailable for this environment" - fi - - if [ -z "$out_path" ]; then - wget -q $wget_options $wget_options_extra -O - "$remote_path_with_credential" 2>&1 - wget_result=$? - else - wget $wget_options $wget_options_extra -O "$out_path" "$remote_path_with_credential" 2>&1 - wget_result=$? - fi - - if [[ $wget_result != 0 ]]; then - local disable_feed_credential=false - local response=$(get_http_header_wget $remote_path $disable_feed_credential) - http_code=$( echo "$response" | awk '/^ HTTP/{print $2}' | tail -1 ) - download_error_msg="Unable to download $remote_path." - if [[ ! -z $http_code && $http_code != 2* ]]; then - download_error_msg+=" Returned HTTP status code: $http_code." - # wget exit code 4 stands for network-issue - elif [[ $wget_result == 4 ]]; then - download_error_msg+=" Failed to reach the server: connection timeout." - fi - say_verbose "$download_error_msg" - return 1 - fi - - return 0 -} - -get_download_link_from_aka_ms() { - eval $invocation - - #quality is not supported for LTS or STS channel - #STS maps to current - if [[ ! -z "$normalized_quality" && ("$normalized_channel" == "LTS" || "$normalized_channel" == "STS") ]]; then - normalized_quality="" - say_warning "Specifying quality for STS or LTS channel is not supported, the quality will be ignored." - fi - - say_verbose "Retrieving primary payload URL from aka.ms for channel: '$normalized_channel', quality: '$normalized_quality', product: '$normalized_product', os: '$normalized_os', architecture: '$normalized_architecture'." - - #construct aka.ms link - aka_ms_link="https://aka.ms/dotnet" - if [ "$internal" = true ]; then - aka_ms_link="$aka_ms_link/internal" - fi - aka_ms_link="$aka_ms_link/$normalized_channel" - if [[ ! -z "$normalized_quality" ]]; then - aka_ms_link="$aka_ms_link/$normalized_quality" - fi - aka_ms_link="$aka_ms_link/$normalized_product-$normalized_os-$normalized_architecture.tar.gz" - say_verbose "Constructed aka.ms link: '$aka_ms_link'." - - #get HTTP response - #do not pass credentials as a part of the $aka_ms_link and do not apply credentials in the get_http_header function - #otherwise the redirect link would have credentials as well - #it would result in applying credentials twice to the resulting link and thus breaking it, and in echoing credentials to the output as a part of redirect link - disable_feed_credential=true - response="$(get_http_header $aka_ms_link $disable_feed_credential)" - - say_verbose "Received response: $response" - # Get results of all the redirects. - http_codes=$( echo "$response" | awk '$1 ~ /^HTTP/ {print $2}' ) - # They all need to be 301, otherwise some links are broken (except for the last, which is not a redirect but 200 or 404). - broken_redirects=$( echo "$http_codes" | sed '$d' | grep -v '301' ) - # The response may end without final code 2xx/4xx/5xx somehow, e.g. network restrictions on www.bing.com causes redirecting to bing.com fails with connection refused. - # In this case it should not exclude the last. - last_http_code=$( echo "$http_codes" | tail -n 1 ) - if ! [[ $last_http_code =~ ^(2|4|5)[0-9][0-9]$ ]]; then - broken_redirects=$( echo "$http_codes" | grep -v '301' ) - fi - - # All HTTP codes are 301 (Moved Permanently), the redirect link exists. - if [[ -z "$broken_redirects" ]]; then - aka_ms_download_link=$( echo "$response" | awk '$1 ~ /^Location/{print $2}' | tail -1 | tr -d '\r') - - if [[ -z "$aka_ms_download_link" ]]; then - say_verbose "The aka.ms link '$aka_ms_link' is not valid: failed to get redirect location." - return 1 - fi - - say_verbose "The redirect location retrieved: '$aka_ms_download_link'." - return 0 - else - say_verbose "The aka.ms link '$aka_ms_link' is not valid: received HTTP code: $(echo "$broken_redirects" | paste -sd "," -)." - return 1 - fi -} - -get_feeds_to_use() -{ - feeds=( - "https://builds.dotnet.microsoft.com/dotnet" - "https://ci.dot.net/public" - ) - - if [[ -n "$azure_feed" ]]; then - feeds=("$azure_feed") - fi - - if [[ -n "$uncached_feed" ]]; then - feeds=("$uncached_feed") - fi -} - -# THIS FUNCTION MAY EXIT (if the determined version is already installed). -generate_download_links() { - - download_links=() - specific_versions=() - effective_versions=() - link_types=() - - # If generate_akams_links returns false, no fallback to old links. Just terminate. - # This function may also 'exit' (if the determined version is already installed). - generate_akams_links || return - - # Check other feeds only if we haven't been able to find an aka.ms link. - if [[ "${#download_links[@]}" -lt 1 ]]; then - for feed in ${feeds[@]} - do - # generate_regular_links may also 'exit' (if the determined version is already installed). - generate_regular_links $feed || return - done - fi - - if [[ "${#download_links[@]}" -eq 0 ]]; then - say_err "Failed to resolve the exact version number." - return 1 - fi - - say_verbose "Generated ${#download_links[@]} links." - for link_index in ${!download_links[@]} - do - say_verbose "Link $link_index: ${link_types[$link_index]}, ${effective_versions[$link_index]}, ${download_links[$link_index]}" - done -} - -# THIS FUNCTION MAY EXIT (if the determined version is already installed). -generate_akams_links() { - local valid_aka_ms_link=true; - - normalized_version="$(to_lowercase "$version")" - if [[ "$normalized_version" != "latest" ]] && [ -n "$normalized_quality" ]; then - say_err "Quality and Version options are not allowed to be specified simultaneously. See https://learn.microsoft.com/dotnet/core/tools/dotnet-install-script#options for details." - return 1 - fi - - if [[ -n "$json_file" || "$normalized_version" != "latest" ]]; then - # aka.ms links are not needed when exact version is specified via command or json file - return - fi - - get_download_link_from_aka_ms || valid_aka_ms_link=false - - if [[ "$valid_aka_ms_link" == true ]]; then - say_verbose "Retrieved primary payload URL from aka.ms link: '$aka_ms_download_link'." - say_verbose "Downloading using legacy url will not be attempted." - - download_link=$aka_ms_download_link - - #get version from the path - IFS='/' - read -ra pathElems <<< "$download_link" - count=${#pathElems[@]} - specific_version="${pathElems[count-2]}" - unset IFS; - say_verbose "Version: '$specific_version'." - - #Retrieve effective version - effective_version="$(get_specific_product_version "$azure_feed" "$specific_version" "$download_link")" - - # Add link info to arrays - download_links+=($download_link) - specific_versions+=($specific_version) - effective_versions+=($effective_version) - link_types+=("aka.ms") - - # Check if the SDK version is already installed. - if [[ "$dry_run" != true ]] && is_dotnet_package_installed "$install_root" "$asset_relative_path" "$effective_version"; then - say "$asset_name with version '$effective_version' is already installed." - exit 0 - fi - - return 0 - fi - - # if quality is specified - exit with error - there is no fallback approach - if [ ! -z "$normalized_quality" ]; then - say_err "Failed to locate the latest version in the channel '$normalized_channel' with '$normalized_quality' quality for '$normalized_product', os: '$normalized_os', architecture: '$normalized_architecture'." - say_err "Refer to: https://aka.ms/dotnet-os-lifecycle for information on .NET Core support." - return 1 - fi - say_verbose "Falling back to latest.version file approach." -} - -# THIS FUNCTION MAY EXIT (if the determined version is already installed) -# args: -# feed - $1 -generate_regular_links() { - local feed="$1" - local valid_legacy_download_link=true - - specific_version=$(get_specific_version_from_version "$feed" "$channel" "$normalized_architecture" "$version" "$json_file") || specific_version='0' - - if [[ "$specific_version" == '0' ]]; then - say_verbose "Failed to resolve the specific version number using feed '$feed'" - return - fi - - effective_version="$(get_specific_product_version "$feed" "$specific_version")" - say_verbose "specific_version=$specific_version" - - download_link="$(construct_download_link "$feed" "$channel" "$normalized_architecture" "$specific_version" "$normalized_os")" - say_verbose "Constructed primary named payload URL: $download_link" - - # Add link info to arrays - download_links+=($download_link) - specific_versions+=($specific_version) - effective_versions+=($effective_version) - link_types+=("primary") - - legacy_download_link="$(construct_legacy_download_link "$feed" "$channel" "$normalized_architecture" "$specific_version")" || valid_legacy_download_link=false - - if [ "$valid_legacy_download_link" = true ]; then - say_verbose "Constructed legacy named payload URL: $legacy_download_link" - - download_links+=($legacy_download_link) - specific_versions+=($specific_version) - effective_versions+=($effective_version) - link_types+=("legacy") - else - legacy_download_link="" - say_verbose "Could not construct a legacy_download_link; omitting..." - fi - - # Check if the SDK version is already installed. - if [[ "$dry_run" != true ]] && is_dotnet_package_installed "$install_root" "$asset_relative_path" "$effective_version"; then - say "$asset_name with version '$effective_version' is already installed." - exit 0 - fi -} - -print_dry_run() { - - say "Payload URLs:" - - for link_index in "${!download_links[@]}" - do - say "URL #$link_index - ${link_types[$link_index]}: ${download_links[$link_index]}" - done - - resolved_version=${specific_versions[0]} - repeatable_command="./$script_name --version "\""$resolved_version"\"" --install-dir "\""$install_root"\"" --architecture "\""$normalized_architecture"\"" --os "\""$normalized_os"\""" - - if [ ! -z "$normalized_quality" ]; then - repeatable_command+=" --quality "\""$normalized_quality"\""" - fi - - if [[ "$runtime" == "dotnet" ]]; then - repeatable_command+=" --runtime "\""dotnet"\""" - elif [[ "$runtime" == "aspnetcore" ]]; then - repeatable_command+=" --runtime "\""aspnetcore"\""" - fi - - repeatable_command+="$non_dynamic_parameters" - - if [ -n "$feed_credential" ]; then - repeatable_command+=" --feed-credential "\"""\""" - fi - - say "Repeatable invocation: $repeatable_command" -} - -calculate_vars() { - eval $invocation - - script_name=$(basename "$0") - normalized_architecture="$(get_normalized_architecture_from_architecture "$architecture")" - say_verbose "Normalized architecture: '$normalized_architecture'." - normalized_os="$(get_normalized_os "$user_defined_os")" - say_verbose "Normalized OS: '$normalized_os'." - normalized_quality="$(get_normalized_quality "$quality")" - say_verbose "Normalized quality: '$normalized_quality'." - normalized_channel="$(get_normalized_channel "$channel")" - say_verbose "Normalized channel: '$normalized_channel'." - normalized_product="$(get_normalized_product "$runtime")" - say_verbose "Normalized product: '$normalized_product'." - install_root="$(resolve_installation_path "$install_dir")" - say_verbose "InstallRoot: '$install_root'." - - normalized_architecture="$(get_normalized_architecture_for_specific_sdk_version "$version" "$normalized_channel" "$normalized_architecture")" - - if [[ "$runtime" == "dotnet" ]]; then - asset_relative_path="shared/Microsoft.NETCore.App" - asset_name=".NET Core Runtime" - elif [[ "$runtime" == "aspnetcore" ]]; then - asset_relative_path="shared/Microsoft.AspNetCore.App" - asset_name="ASP.NET Core Runtime" - elif [ -z "$runtime" ]; then - asset_relative_path="sdk" - asset_name=".NET Core SDK" - fi - - get_feeds_to_use -} - -install_dotnet() { - eval $invocation - local download_failed=false - local download_completed=false - local remote_file_size=0 - - mkdir -p "$install_root" - zip_path="${zip_path:-$(mktemp "$temporary_file_template")}" - say_verbose "Archive path: $zip_path" - - for link_index in "${!download_links[@]}" - do - download_link="${download_links[$link_index]}" - specific_version="${specific_versions[$link_index]}" - effective_version="${effective_versions[$link_index]}" - link_type="${link_types[$link_index]}" - - say "Attempting to download using $link_type link $download_link" - - # The download function will set variables $http_code and $download_error_msg in case of failure. - download_failed=false - download "$download_link" "$zip_path" 2>&1 || download_failed=true - - if [ "$download_failed" = true ]; then - case $http_code in - 404) - say "The resource at $link_type link '$download_link' is not available." - ;; - *) - say "Failed to download $link_type link '$download_link': $http_code $download_error_msg" - ;; - esac - rm -f "$zip_path" 2>&1 && say_verbose "Temporary archive file $zip_path was removed" - else - download_completed=true - break - fi - done - - if [[ "$download_completed" == false ]]; then - say_err "Could not find \`$asset_name\` with version = $specific_version" - say_err "Refer to: https://aka.ms/dotnet-os-lifecycle for information on .NET Core support" - return 1 - fi - - remote_file_size="$(get_remote_file_size "$download_link")" - - say "Extracting archive from $download_link" - extract_dotnet_package "$zip_path" "$install_root" "$remote_file_size" || return 1 - - # Check if the SDK version is installed; if not, fail the installation. - # if the version contains "RTM" or "servicing"; check if a 'release-type' SDK version is installed. - if [[ $specific_version == *"rtm"* || $specific_version == *"servicing"* ]]; then - IFS='-' - read -ra verArr <<< "$specific_version" - release_version="${verArr[0]}" - unset IFS; - say_verbose "Checking installation: version = $release_version" - if is_dotnet_package_installed "$install_root" "$asset_relative_path" "$release_version"; then - say "Installed version is $effective_version" - return 0 - fi - fi - - # Check if the standard SDK version is installed. - say_verbose "Checking installation: version = $effective_version" - if is_dotnet_package_installed "$install_root" "$asset_relative_path" "$effective_version"; then - say "Installed version is $effective_version" - return 0 - fi - - # Version verification failed. More likely something is wrong either with the downloaded content or with the verification algorithm. - say_err "Failed to verify the version of installed \`$asset_name\`.\nInstallation source: $download_link.\nInstallation location: $install_root.\nReport the bug at https://github.com/dotnet/install-scripts/issues." - say_err "\`$asset_name\` with version = $effective_version failed to install with an error." - return 1 -} - -args=("$@") - -local_version_file_relative_path="/.version" -bin_folder_relative_path="" -temporary_file_template="${TMPDIR:-/tmp}/dotnet.XXXXXXXXX" - -channel="LTS" -version="Latest" -json_file="" -install_dir="" -architecture="" -dry_run=false -no_path=false -azure_feed="" -uncached_feed="" -feed_credential="" -verbose=false -runtime="" -runtime_id="" -quality="" -internal=false -override_non_versioned_files=true -non_dynamic_parameters="" -user_defined_os="" - -while [ $# -ne 0 ] -do - name="$1" - case "$name" in - -c|--channel|-[Cc]hannel) - shift - channel="$1" - ;; - -v|--version|-[Vv]ersion) - shift - version="$1" - ;; - -q|--quality|-[Qq]uality) - shift - quality="$1" - ;; - --internal|-[Ii]nternal) - internal=true - non_dynamic_parameters+=" $name" - ;; - -i|--install-dir|-[Ii]nstall[Dd]ir) - shift - install_dir="$1" - ;; - --arch|--architecture|-[Aa]rch|-[Aa]rchitecture) - shift - architecture="$1" - ;; - --os|-[Oo][SS]) - shift - user_defined_os="$1" - ;; - --shared-runtime|-[Ss]hared[Rr]untime) - say_warning "The --shared-runtime flag is obsolete and may be removed in a future version of this script. The recommended usage is to specify '--runtime dotnet'." - if [ -z "$runtime" ]; then - runtime="dotnet" - fi - ;; - --runtime|-[Rr]untime) - shift - runtime="$1" - if [[ "$runtime" != "dotnet" ]] && [[ "$runtime" != "aspnetcore" ]]; then - say_err "Unsupported value for --runtime: '$1'. Valid values are 'dotnet' and 'aspnetcore'." - if [[ "$runtime" == "windowsdesktop" ]]; then - say_err "WindowsDesktop archives are manufactured for Windows platforms only." - fi - exit 1 - fi - ;; - --dry-run|-[Dd]ry[Rr]un) - dry_run=true - ;; - --no-path|-[Nn]o[Pp]ath) - no_path=true - non_dynamic_parameters+=" $name" - ;; - --verbose|-[Vv]erbose) - verbose=true - non_dynamic_parameters+=" $name" - ;; - --azure-feed|-[Aa]zure[Ff]eed) - shift - azure_feed="$1" - non_dynamic_parameters+=" $name "\""$1"\""" - ;; - --uncached-feed|-[Uu]ncached[Ff]eed) - shift - uncached_feed="$1" - non_dynamic_parameters+=" $name "\""$1"\""" - ;; - --feed-credential|-[Ff]eed[Cc]redential) - shift - feed_credential="$1" - #feed_credential should start with "?", for it to be added to the end of the link. - #adding "?" at the beginning of the feed_credential if needed. - [[ -z "$(echo $feed_credential)" ]] || [[ $feed_credential == \?* ]] || feed_credential="?$feed_credential" - ;; - --runtime-id|-[Rr]untime[Ii]d) - shift - runtime_id="$1" - non_dynamic_parameters+=" $name "\""$1"\""" - say_warning "Use of --runtime-id is obsolete and should be limited to the versions below 2.1. To override architecture, use --architecture option instead. To override OS, use --os option instead." - ;; - --jsonfile|-[Jj][Ss]on[Ff]ile) - shift - json_file="$1" - ;; - --skip-non-versioned-files|-[Ss]kip[Nn]on[Vv]ersioned[Ff]iles) - override_non_versioned_files=false - non_dynamic_parameters+=" $name" - ;; - --keep-zip|-[Kk]eep[Zz]ip) - keep_zip=true - non_dynamic_parameters+=" $name" - ;; - --zip-path|-[Zz]ip[Pp]ath) - shift - zip_path="$1" - ;; - -?|--?|-h|--help|-[Hh]elp) - script_name="dotnet-install.sh" - echo ".NET Tools Installer" - echo "Usage:" - echo " # Install a .NET SDK of a given Quality from a given Channel" - echo " $script_name [-c|--channel ] [-q|--quality ]" - echo " # Install a .NET SDK of a specific public version" - echo " $script_name [-v|--version ]" - echo " $script_name -h|-?|--help" - echo "" - echo "$script_name is a simple command line interface for obtaining dotnet cli." - echo " Note that the intended use of this script is for Continuous Integration (CI) scenarios, where:" - echo " - The SDK needs to be installed without user interaction and without admin rights." - echo " - The SDK installation doesn't need to persist across multiple CI runs." - echo " To set up a development environment or to run apps, use installers rather than this script. Visit https://dotnet.microsoft.com/download to get the installer." - echo "" - echo "Options:" - echo " -c,--channel Download from the channel specified, Defaults to \`$channel\`." - echo " -Channel" - echo " Possible values:" - echo " - STS - the most recent Standard Term Support release" - echo " - LTS - the most recent Long Term Support release" - echo " - 2-part version in a format A.B - represents a specific release" - echo " examples: 2.0; 1.0" - echo " - 3-part version in a format A.B.Cxx - represents a specific SDK release" - echo " examples: 5.0.1xx, 5.0.2xx." - echo " Supported since 5.0 release" - echo " Warning: Value 'Current' is deprecated for the Channel parameter. Use 'STS' instead." - echo " Note: The version parameter overrides the channel parameter when any version other than 'latest' is used." - echo " -v,--version Use specific VERSION, Defaults to \`$version\`." - echo " -Version" - echo " Possible values:" - echo " - latest - the latest build on specific channel" - echo " - 3-part version in a format A.B.C - represents specific version of build" - echo " examples: 2.0.0-preview2-006120; 1.1.0" - echo " -q,--quality Download the latest build of specified quality in the channel." - echo " -Quality" - echo " The possible values are: daily, preview, GA." - echo " Works only in combination with channel. Not applicable for STS and LTS channels and will be ignored if those channels are used." - echo " For SDK use channel in A.B.Cxx format. Using quality for SDK together with channel in A.B format is not supported." - echo " Supported since 5.0 release." - echo " Note: The version parameter overrides the channel parameter when any version other than 'latest' is used, and therefore overrides the quality." - echo " --internal,-Internal Download internal builds. Requires providing credentials via --feed-credential parameter." - echo " --feed-credential Token to access Azure feed. Used as a query string to append to the Azure feed." - echo " -FeedCredential This parameter typically is not specified." - echo " -i,--install-dir Install under specified location (see Install Location below)" - echo " -InstallDir" - echo " --architecture Architecture of dotnet binaries to be installed, Defaults to \`$architecture\`." - echo " --arch,-Architecture,-Arch" - echo " Possible values: x64, arm, arm64, s390x, ppc64le and loongarch64" - echo " --os Specifies operating system to be used when selecting the installer." - echo " Overrides the OS determination approach used by the script. Supported values: osx, linux, linux-musl, freebsd, rhel.6." - echo " In case any other value is provided, the platform will be determined by the script based on machine configuration." - echo " Not supported for legacy links. Use --runtime-id to specify platform for legacy links." - echo " Refer to: https://aka.ms/dotnet-os-lifecycle for more information." - echo " --runtime Installs a shared runtime only, without the SDK." - echo " -Runtime" - echo " Possible values:" - echo " - dotnet - the Microsoft.NETCore.App shared runtime" - echo " - aspnetcore - the Microsoft.AspNetCore.App shared runtime" - echo " --dry-run,-DryRun Do not perform installation. Display download link." - echo " --no-path, -NoPath Do not set PATH for the current process." - echo " --verbose,-Verbose Display diagnostics information." - echo " --azure-feed,-AzureFeed For internal use only." - echo " Allows using a different storage to download SDK archives from." - echo " --uncached-feed,-UncachedFeed For internal use only." - echo " Allows using a different storage to download SDK archives from." - echo " --skip-non-versioned-files Skips non-versioned files if they already exist, such as the dotnet executable." - echo " -SkipNonVersionedFiles" - echo " --jsonfile Determines the SDK version from a user specified global.json file." - echo " Note: global.json must have a value for 'SDK:Version'" - echo " --keep-zip,-KeepZip If set, downloaded file is kept." - echo " --zip-path, -ZipPath If set, downloaded file is stored at the specified path." - echo " -?,--?,-h,--help,-Help Shows this help message" - echo "" - echo "Install Location:" - echo " Location is chosen in following order:" - echo " - --install-dir option" - echo " - Environmental variable DOTNET_INSTALL_DIR" - echo " - $HOME/.dotnet" - exit 0 - ;; - *) - say_err "Unknown argument \`$name\`" - exit 1 - ;; - esac - - shift -done - -say_verbose "Note that the intended use of this script is for Continuous Integration (CI) scenarios, where:" -say_verbose "- The SDK needs to be installed without user interaction and without admin rights." -say_verbose "- The SDK installation doesn't need to persist across multiple CI runs." -say_verbose "To set up a development environment or to run apps, use installers rather than this script. Visit https://dotnet.microsoft.com/download to get the installer.\n" - -if [ "$internal" = true ] && [ -z "$(echo $feed_credential)" ]; then - message="Provide credentials via --feed-credential parameter." - if [ "$dry_run" = true ]; then - say_warning "$message" - else - say_err "$message" - exit 1 - fi -fi - -check_min_reqs -calculate_vars -# generate_regular_links call below will 'exit' if the determined version is already installed. -generate_download_links - -if [[ "$dry_run" = true ]]; then - print_dry_run - exit 0 -fi - -install_dotnet - -bin_path="$(get_absolute_path "$(combine_paths "$install_root" "$bin_folder_relative_path")")" -if [ "$no_path" = false ]; then - say "Adding to current process PATH: \`$bin_path\`. Note: This change will be visible only when sourcing script." - export PATH="$bin_path":"$PATH" -else - say "Binaries of dotnet can be found in $bin_path" -fi - -say "Note that the script does not resolve dependencies during installation." -say "To check the list of dependencies, go to https://learn.microsoft.com/dotnet/core/install, select your operating system and check the \"Dependencies\" section." -say "Installation finished successfully." diff --git a/dotnet-install.sh.1 b/dotnet-install.sh.1 deleted file mode 100644 index 034d2dfb10..0000000000 --- a/dotnet-install.sh.1 +++ /dev/null @@ -1,1888 +0,0 @@ -#!/usr/bin/env bash -# Copyright (c) .NET Foundation and contributors. All rights reserved. -# Licensed under the MIT license. See LICENSE file in the project root for full license information. -# - -# Stop script on NZEC -set -e -# Stop script if unbound variable found (use ${var:-} if intentional) -set -u -# By default cmd1 | cmd2 returns exit code of cmd2 regardless of cmd1 success -# This is causing it to fail -set -o pipefail - -# Use in the the functions: eval $invocation -invocation='say_verbose "Calling: ${yellow:-}${FUNCNAME[0]} ${green:-}$*${normal:-}"' - -# standard output may be used as a return value in the functions -# we need a way to write text on the screen in the functions so that -# it won't interfere with the return value. -# Exposing stream 3 as a pipe to standard output of the script itself -exec 3>&1 - -# Setup some colors to use. These need to work in fairly limited shells, like the Ubuntu Docker container where there are only 8 colors. -# See if stdout is a terminal -if [ -t 1 ] && command -v tput > /dev/null; then - # see if it supports colors - ncolors=$(tput colors || echo 0) - if [ -n "$ncolors" ] && [ $ncolors -ge 8 ]; then - bold="$(tput bold || echo)" - normal="$(tput sgr0 || echo)" - black="$(tput setaf 0 || echo)" - red="$(tput setaf 1 || echo)" - green="$(tput setaf 2 || echo)" - yellow="$(tput setaf 3 || echo)" - blue="$(tput setaf 4 || echo)" - magenta="$(tput setaf 5 || echo)" - cyan="$(tput setaf 6 || echo)" - white="$(tput setaf 7 || echo)" - fi -fi - -say_warning() { - printf "%b\n" "${yellow:-}dotnet_install: Warning: $1${normal:-}" >&3 -} - -say_err() { - printf "%b\n" "${red:-}dotnet_install: Error: $1${normal:-}" >&2 -} - -say() { - # using stream 3 (defined in the beginning) to not interfere with stdout of functions - # which may be used as return value - printf "%b\n" "${cyan:-}dotnet-install:${normal:-} $1" >&3 -} - -say_verbose() { - if [ "$verbose" = true ]; then - say "$1" - fi -} - -# This platform list is finite - if the SDK/Runtime has supported Linux distribution-specific assets, -# then and only then should the Linux distribution appear in this list. -# Adding a Linux distribution to this list does not imply distribution-specific support. -get_legacy_os_name_from_platform() { - eval $invocation - - platform="$1" - case "$platform" in - "centos.7") - echo "centos" - return 0 - ;; - "debian.8") - echo "debian" - return 0 - ;; - "debian.9") - echo "debian.9" - return 0 - ;; - "fedora.23") - echo "fedora.23" - return 0 - ;; - "fedora.24") - echo "fedora.24" - return 0 - ;; - "fedora.27") - echo "fedora.27" - return 0 - ;; - "fedora.28") - echo "fedora.28" - return 0 - ;; - "opensuse.13.2") - echo "opensuse.13.2" - return 0 - ;; - "opensuse.42.1") - echo "opensuse.42.1" - return 0 - ;; - "opensuse.42.3") - echo "opensuse.42.3" - return 0 - ;; - "rhel.7"*) - echo "rhel" - return 0 - ;; - "ubuntu.14.04") - echo "ubuntu" - return 0 - ;; - "ubuntu.16.04") - echo "ubuntu.16.04" - return 0 - ;; - "ubuntu.16.10") - echo "ubuntu.16.10" - return 0 - ;; - "ubuntu.18.04") - echo "ubuntu.18.04" - return 0 - ;; - "alpine.3.4.3") - echo "alpine" - return 0 - ;; - esac - return 1 -} - -get_legacy_os_name() { - eval $invocation - - local uname=$(uname) - if [ "$uname" = "Darwin" ]; then - echo "osx" - return 0 - elif [ -n "$runtime_id" ]; then - echo $(get_legacy_os_name_from_platform "${runtime_id%-*}" || echo "${runtime_id%-*}") - return 0 - else - if [ -e /etc/os-release ]; then - . /etc/os-release - os=$(get_legacy_os_name_from_platform "$ID${VERSION_ID:+.${VERSION_ID}}" || echo "") - if [ -n "$os" ]; then - echo "$os" - return 0 - fi - fi - fi - - say_verbose "Distribution specific OS name and version could not be detected: UName = $uname" - return 1 -} - -get_linux_platform_name() { - eval $invocation - - if [ -n "$runtime_id" ]; then - echo "${runtime_id%-*}" - return 0 - else - if [ -e /etc/os-release ]; then - . /etc/os-release - echo "$ID${VERSION_ID:+.${VERSION_ID}}" - return 0 - elif [ -e /etc/redhat-release ]; then - local redhatRelease=$(&1 || true) | grep -q musl -} - -get_current_os_name() { - eval $invocation - - local uname=$(uname) - if [ "$uname" = "Darwin" ]; then - echo "osx" - return 0 - elif [ "$uname" = "FreeBSD" ]; then - echo "freebsd" - return 0 - elif [ "$uname" = "Linux" ]; then - local linux_platform_name="" - linux_platform_name="$(get_linux_platform_name)" || true - - if [ "$linux_platform_name" = "rhel.6" ]; then - echo $linux_platform_name - return 0 - elif is_musl_based_distro; then - echo "linux-musl" - return 0 - elif [ "$linux_platform_name" = "linux-musl" ]; then - echo "linux-musl" - return 0 - else - echo "linux" - return 0 - fi - fi - - say_err "OS name could not be detected: UName = $uname" - return 1 -} - -machine_has() { - eval $invocation - - command -v "$1" > /dev/null 2>&1 - return $? -} - -check_min_reqs() { - local hasMinimum=false - if machine_has "curl"; then - hasMinimum=true - elif machine_has "wget"; then - hasMinimum=true - fi - - if [ "$hasMinimum" = "false" ]; then - say_err "curl (recommended) or wget are required to download dotnet. Install missing prerequisite to proceed." - return 1 - fi - return 0 -} - -# args: -# input - $1 -to_lowercase() { - #eval $invocation - - echo "$1" | tr '[:upper:]' '[:lower:]' - return 0 -} - -# args: -# input - $1 -remove_trailing_slash() { - #eval $invocation - - local input="${1:-}" - echo "${input%/}" - return 0 -} - -# args: -# input - $1 -remove_beginning_slash() { - #eval $invocation - - local input="${1:-}" - echo "${input#/}" - return 0 -} - -# args: -# root_path - $1 -# child_path - $2 - this parameter can be empty -combine_paths() { - eval $invocation - - # TODO: Consider making it work with any number of paths. For now: - if [ ! -z "${3:-}" ]; then - say_err "combine_paths: Function takes two parameters." - return 1 - fi - - local root_path="$(remove_trailing_slash "$1")" - local child_path="$(remove_beginning_slash "${2:-}")" - say_verbose "combine_paths: root_path=$root_path" - say_verbose "combine_paths: child_path=$child_path" - echo "$root_path/$child_path" - return 0 -} - -get_machine_architecture() { - eval $invocation - - if command -v uname > /dev/null; then - CPUName=$(uname -m) - case $CPUName in - armv1*|armv2*|armv3*|armv4*|armv5*|armv6*) - echo "armv6-or-below" - return 0 - ;; - armv*l) - echo "arm" - return 0 - ;; - aarch64|arm64) - if [ "$(getconf LONG_BIT)" -lt 64 ]; then - # This is 32-bit OS running on 64-bit CPU (for example Raspberry Pi OS) - echo "arm" - return 0 - fi - echo "arm64" - return 0 - ;; - s390x) - echo "s390x" - return 0 - ;; - ppc64le) - echo "ppc64le" - return 0 - ;; - loongarch64) - echo "loongarch64" - return 0 - ;; - riscv64) - echo "riscv64" - return 0 - ;; - powerpc|ppc) - echo "ppc" - return 0 - ;; - esac - fi - - # Always default to 'x64' - echo "x64" - return 0 -} - -# args: -# architecture - $1 -get_normalized_architecture_from_architecture() { - eval $invocation - - local architecture="$(to_lowercase "$1")" - - if [[ $architecture == \ ]]; then - machine_architecture="$(get_machine_architecture)" - if [[ "$machine_architecture" == "armv6-or-below" ]]; then - say_err "Architecture \`$machine_architecture\` not supported. If you think this is a bug, report it at https://github.com/dotnet/install-scripts/issues" - return 1 - fi - - echo $machine_architecture - return 0 - fi - - case "$architecture" in - amd64|x64) - echo "x64" - return 0 - ;; - arm) - echo "arm" - return 0 - ;; - arm64) - echo "arm64" - return 0 - ;; - s390x) - echo "s390x" - return 0 - ;; - ppc64le) - echo "ppc64le" - return 0 - ;; - loongarch64) - echo "loongarch64" - return 0 - ;; - esac - - say_err "Architecture \`$architecture\` not supported. If you think this is a bug, report it at https://github.com/dotnet/install-scripts/issues" - return 1 -} - -# args: -# version - $1 -# channel - $2 -# architecture - $3 -get_normalized_architecture_for_specific_sdk_version() { - eval $invocation - - local is_version_support_arm64="$(is_arm64_supported "$1")" - local is_channel_support_arm64="$(is_arm64_supported "$2")" - local architecture="$3"; - local osname="$(get_current_os_name)" - - if [ "$osname" == "osx" ] && [ "$architecture" == "arm64" ] && { [ "$is_version_support_arm64" = false ] || [ "$is_channel_support_arm64" = false ]; }; then - #check if rosetta is installed - if [ "$(/usr/bin/pgrep oahd >/dev/null 2>&1;echo $?)" -eq 0 ]; then - say_verbose "Changing user architecture from '$architecture' to 'x64' because .NET SDKs prior to version 6.0 do not support arm64." - echo "x64" - return 0; - else - say_err "Architecture \`$architecture\` is not supported for .NET SDK version \`$version\`. Please install Rosetta to allow emulation of the \`$architecture\` .NET SDK on this platform" - return 1 - fi - fi - - echo "$architecture" - return 0 -} - -# args: -# version or channel - $1 -is_arm64_supported() { - # Extract the major version by splitting on the dot - major_version="${1%%.*}" - - # Check if the major version is a valid number and less than 6 - case "$major_version" in - [0-9]*) - if [ "$major_version" -lt 6 ]; then - echo false - return 0 - fi - ;; - esac - - echo true - return 0 -} - -# args: -# user_defined_os - $1 -get_normalized_os() { - eval $invocation - - local osname="$(to_lowercase "$1")" - if [ ! -z "$osname" ]; then - case "$osname" in - osx | freebsd | rhel.6 | linux-musl | linux) - echo "$osname" - return 0 - ;; - macos) - osname='osx' - echo "$osname" - return 0 - ;; - *) - say_err "'$user_defined_os' is not a supported value for --os option, supported values are: osx, macos, linux, linux-musl, freebsd, rhel.6. If you think this is a bug, report it at https://github.com/dotnet/install-scripts/issues." - return 1 - ;; - esac - else - osname="$(get_current_os_name)" || return 1 - fi - echo "$osname" - return 0 -} - -# args: -# quality - $1 -get_normalized_quality() { - eval $invocation - - local quality="$(to_lowercase "$1")" - if [ ! -z "$quality" ]; then - case "$quality" in - daily | preview) - echo "$quality" - return 0 - ;; - ga) - #ga quality is available without specifying quality, so normalizing it to empty - return 0 - ;; - *) - say_err "'$quality' is not a supported value for --quality option. Supported values are: daily, preview, ga. If you think this is a bug, report it at https://github.com/dotnet/install-scripts/issues." - return 1 - ;; - esac - fi - return 0 -} - -# args: -# channel - $1 -get_normalized_channel() { - eval $invocation - - local channel="$(to_lowercase "$1")" - - if [[ $channel == current ]]; then - say_warning 'Value "Current" is deprecated for -Channel option. Use "STS" instead.' - fi - - if [[ $channel == release/* ]]; then - say_warning 'Using branch name with -Channel option is no longer supported with newer releases. Use -Quality option with a channel in X.Y format instead.'; - fi - - if [ ! -z "$channel" ]; then - case "$channel" in - lts) - echo "LTS" - return 0 - ;; - sts) - echo "STS" - return 0 - ;; - current) - echo "STS" - return 0 - ;; - *) - echo "$channel" - return 0 - ;; - esac - fi - - return 0 -} - -# args: -# runtime - $1 -get_normalized_product() { - eval $invocation - - local product="" - local runtime="$(to_lowercase "$1")" - if [[ "$runtime" == "dotnet" ]]; then - product="dotnet-runtime" - elif [[ "$runtime" == "aspnetcore" ]]; then - product="aspnetcore-runtime" - elif [ -z "$runtime" ]; then - product="dotnet-sdk" - fi - echo "$product" - return 0 -} - -# The version text returned from the feeds is a 1-line or 2-line string: -# For the SDK and the dotnet runtime (2 lines): -# Line 1: # commit_hash -# Line 2: # 4-part version -# For the aspnetcore runtime (1 line): -# Line 1: # 4-part version - -# args: -# version_text - stdin -get_version_from_latestversion_file_content() { - eval $invocation - - cat | tail -n 1 | sed 's/\r$//' - return 0 -} - -# args: -# install_root - $1 -# relative_path_to_package - $2 -# specific_version - $3 -is_dotnet_package_installed() { - eval $invocation - - local install_root="$1" - local relative_path_to_package="$2" - local specific_version="${3//[$'\t\r\n']}" - - local dotnet_package_path="$(combine_paths "$(combine_paths "$install_root" "$relative_path_to_package")" "$specific_version")" - say_verbose "is_dotnet_package_installed: dotnet_package_path=$dotnet_package_path" - - if [ -d "$dotnet_package_path" ]; then - return 0 - else - return 1 - fi -} - -# args: -# downloaded file - $1 -# remote_file_size - $2 -validate_remote_local_file_sizes() -{ - eval $invocation - - local downloaded_file="$1" - local remote_file_size="$2" - local file_size='' - - if [[ "$OSTYPE" == "linux-gnu"* ]]; then - file_size="$(stat -c '%s' "$downloaded_file")" - elif [[ "$OSTYPE" == "darwin"* ]]; then - # hardcode in order to avoid conflicts with GNU stat - file_size="$(/usr/bin/stat -f '%z' "$downloaded_file")" - fi - - if [ -n "$file_size" ]; then - say "Downloaded file size is $file_size bytes." - - if [ -n "$remote_file_size" ] && [ -n "$file_size" ]; then - if [ "$remote_file_size" -ne "$file_size" ]; then - say "The remote and local file sizes are not equal. The remote file size is $remote_file_size bytes and the local size is $file_size bytes. The local package may be corrupted." - else - say "The remote and local file sizes are equal." - fi - fi - - else - say "Either downloaded or local package size can not be measured. One of them may be corrupted." - fi -} - -# args: -# azure_feed - $1 -# channel - $2 -# normalized_architecture - $3 -get_version_from_latestversion_file() { - eval $invocation - - local azure_feed="$1" - local channel="$2" - local normalized_architecture="$3" - - local version_file_url=null - if [[ "$runtime" == "dotnet" ]]; then - version_file_url="$azure_feed/Runtime/$channel/latest.version" - elif [[ "$runtime" == "aspnetcore" ]]; then - version_file_url="$azure_feed/aspnetcore/Runtime/$channel/latest.version" - elif [ -z "$runtime" ]; then - version_file_url="$azure_feed/Sdk/$channel/latest.version" - else - say_err "Invalid value for \$runtime" - return 1 - fi - say_verbose "get_version_from_latestversion_file: latest url: $version_file_url" - - download "$version_file_url" || return $? - return 0 -} - -# args: -# json_file - $1 -parse_globaljson_file_for_version() { - eval $invocation - - local json_file="$1" - if [ ! -f "$json_file" ]; then - say_err "Unable to find \`$json_file\`" - return 1 - fi - - sdk_section=$(cat $json_file | tr -d "\r" | awk '/"sdk"/,/}/') - if [ -z "$sdk_section" ]; then - say_err "Unable to parse the SDK node in \`$json_file\`" - return 1 - fi - - sdk_list=$(echo $sdk_section | awk -F"[{}]" '{print $2}') - sdk_list=${sdk_list//[\" ]/} - sdk_list=${sdk_list//,/$'\n'} - - local version_info="" - while read -r line; do - IFS=: - while read -r key value; do - if [[ "$key" == "version" ]]; then - version_info=$value - fi - done <<< "$line" - done <<< "$sdk_list" - if [ -z "$version_info" ]; then - say_err "Unable to find the SDK:version node in \`$json_file\`" - return 1 - fi - - unset IFS; - echo "$version_info" - return 0 -} - -# args: -# azure_feed - $1 -# channel - $2 -# normalized_architecture - $3 -# version - $4 -# json_file - $5 -get_specific_version_from_version() { - eval $invocation - - local azure_feed="$1" - local channel="$2" - local normalized_architecture="$3" - local version="$(to_lowercase "$4")" - local json_file="$5" - - if [ -z "$json_file" ]; then - if [[ "$version" == "latest" ]]; then - local version_info - version_info="$(get_version_from_latestversion_file "$azure_feed" "$channel" "$normalized_architecture" false)" || return 1 - say_verbose "get_specific_version_from_version: version_info=$version_info" - echo "$version_info" | get_version_from_latestversion_file_content - return 0 - else - echo "$version" - return 0 - fi - else - local version_info - version_info="$(parse_globaljson_file_for_version "$json_file")" || return 1 - echo "$version_info" - return 0 - fi -} - -# args: -# azure_feed - $1 -# channel - $2 -# normalized_architecture - $3 -# specific_version - $4 -# normalized_os - $5 -construct_download_link() { - eval $invocation - - local azure_feed="$1" - local channel="$2" - local normalized_architecture="$3" - local specific_version="${4//[$'\t\r\n']}" - local specific_product_version="$(get_specific_product_version "$1" "$4")" - local osname="$5" - - local download_link=null - if [[ "$runtime" == "dotnet" ]]; then - download_link="$azure_feed/Runtime/$specific_version/dotnet-runtime-$specific_product_version-$osname-$normalized_architecture.tar.gz" - elif [[ "$runtime" == "aspnetcore" ]]; then - download_link="$azure_feed/aspnetcore/Runtime/$specific_version/aspnetcore-runtime-$specific_product_version-$osname-$normalized_architecture.tar.gz" - elif [ -z "$runtime" ]; then - download_link="$azure_feed/Sdk/$specific_version/dotnet-sdk-$specific_product_version-$osname-$normalized_architecture.tar.gz" - else - return 1 - fi - - echo "$download_link" - return 0 -} - -# args: -# azure_feed - $1 -# specific_version - $2 -# download link - $3 (optional) -get_specific_product_version() { - # If we find a 'productVersion.txt' at the root of any folder, we'll use its contents - # to resolve the version of what's in the folder, superseding the specified version. - # if 'productVersion.txt' is missing but download link is already available, product version will be taken from download link - eval $invocation - - local azure_feed="$1" - local specific_version="${2//[$'\t\r\n']}" - local package_download_link="" - if [ $# -gt 2 ]; then - local package_download_link="$3" - fi - local specific_product_version=null - - # Try to get the version number, using the productVersion.txt file located next to the installer file. - local download_links=($(get_specific_product_version_url "$azure_feed" "$specific_version" true "$package_download_link") - $(get_specific_product_version_url "$azure_feed" "$specific_version" false "$package_download_link")) - - for download_link in "${download_links[@]}" - do - say_verbose "Checking for the existence of $download_link" - - if machine_has "curl" - then - if ! specific_product_version=$(curl -s --fail "${download_link}${feed_credential}" 2>&1); then - continue - else - echo "${specific_product_version//[$'\t\r\n']}" - return 0 - fi - - elif machine_has "wget" - then - specific_product_version=$(wget -qO- "${download_link}${feed_credential}" 2>&1) - if [ $? = 0 ]; then - echo "${specific_product_version//[$'\t\r\n']}" - return 0 - fi - fi - done - - # Getting the version number with productVersion.txt has failed. Try parsing the download link for a version number. - say_verbose "Failed to get the version using productVersion.txt file. Download link will be parsed instead." - specific_product_version="$(get_product_specific_version_from_download_link "$package_download_link" "$specific_version")" - echo "${specific_product_version//[$'\t\r\n']}" - return 0 -} - -# args: -# azure_feed - $1 -# specific_version - $2 -# is_flattened - $3 -# download link - $4 (optional) -get_specific_product_version_url() { - eval $invocation - - local azure_feed="$1" - local specific_version="$2" - local is_flattened="$3" - local package_download_link="" - if [ $# -gt 3 ]; then - local package_download_link="$4" - fi - - local pvFileName="productVersion.txt" - if [ "$is_flattened" = true ]; then - if [ -z "$runtime" ]; then - pvFileName="sdk-productVersion.txt" - elif [[ "$runtime" == "dotnet" ]]; then - pvFileName="runtime-productVersion.txt" - else - pvFileName="$runtime-productVersion.txt" - fi - fi - - local download_link=null - - if [ -z "$package_download_link" ]; then - if [[ "$runtime" == "dotnet" ]]; then - download_link="$azure_feed/Runtime/$specific_version/${pvFileName}" - elif [[ "$runtime" == "aspnetcore" ]]; then - download_link="$azure_feed/aspnetcore/Runtime/$specific_version/${pvFileName}" - elif [ -z "$runtime" ]; then - download_link="$azure_feed/Sdk/$specific_version/${pvFileName}" - else - return 1 - fi - else - download_link="${package_download_link%/*}/${pvFileName}" - fi - - say_verbose "Constructed productVersion link: $download_link" - echo "$download_link" - return 0 -} - -# args: -# download link - $1 -# specific version - $2 -get_product_specific_version_from_download_link() -{ - eval $invocation - - local download_link="$1" - local specific_version="$2" - local specific_product_version="" - - if [ -z "$download_link" ]; then - echo "$specific_version" - return 0 - fi - - #get filename - filename="${download_link##*/}" - - #product specific version follows the product name - #for filename 'dotnet-sdk-3.1.404-linux-x64.tar.gz': the product version is 3.1.404 - IFS='-' - read -ra filename_elems <<< "$filename" - count=${#filename_elems[@]} - if [[ "$count" -gt 2 ]]; then - specific_product_version="${filename_elems[2]}" - else - specific_product_version=$specific_version - fi - unset IFS; - echo "$specific_product_version" - return 0 -} - -# args: -# azure_feed - $1 -# channel - $2 -# normalized_architecture - $3 -# specific_version - $4 -construct_legacy_download_link() { - eval $invocation - - local azure_feed="$1" - local channel="$2" - local normalized_architecture="$3" - local specific_version="${4//[$'\t\r\n']}" - - local distro_specific_osname - distro_specific_osname="$(get_legacy_os_name)" || return 1 - - local legacy_download_link=null - if [[ "$runtime" == "dotnet" ]]; then - legacy_download_link="$azure_feed/Runtime/$specific_version/dotnet-$distro_specific_osname-$normalized_architecture.$specific_version.tar.gz" - elif [ -z "$runtime" ]; then - legacy_download_link="$azure_feed/Sdk/$specific_version/dotnet-dev-$distro_specific_osname-$normalized_architecture.$specific_version.tar.gz" - else - return 1 - fi - - echo "$legacy_download_link" - return 0 -} - -get_user_install_path() { - eval $invocation - - if [ ! -z "${DOTNET_INSTALL_DIR:-}" ]; then - echo "$DOTNET_INSTALL_DIR" - else - echo "$HOME/.dotnet" - fi - return 0 -} - -# args: -# install_dir - $1 -resolve_installation_path() { - eval $invocation - - local install_dir=$1 - if [ "$install_dir" = "" ]; then - local user_install_path="$(get_user_install_path)" - say_verbose "resolve_installation_path: user_install_path=$user_install_path" - echo "$user_install_path" - return 0 - fi - - echo "$install_dir" - return 0 -} - -# args: -# relative_or_absolute_path - $1 -get_absolute_path() { - eval $invocation - - local relative_or_absolute_path=$1 - echo "$(cd "$(dirname "$1")" && pwd -P)/$(basename "$1")" - return 0 -} - -# args: -# override - $1 (boolean, true or false) -get_cp_options() { - eval $invocation - - local override="$1" - local override_switch="" - - if [ "$override" = false ]; then - override_switch="-n" - - # create temporary files to check if 'cp -u' is supported - tmp_dir="$(mktemp -d)" - tmp_file="$tmp_dir/testfile" - tmp_file2="$tmp_dir/testfile2" - - touch "$tmp_file" - - # use -u instead of -n if it's available - if cp -u "$tmp_file" "$tmp_file2" 2>/dev/null; then - override_switch="-u" - fi - - # clean up - rm -f "$tmp_file" "$tmp_file2" - rm -rf "$tmp_dir" - fi - - echo "$override_switch" -} - -# args: -# input_files - stdin -# root_path - $1 -# out_path - $2 -# override - $3 -copy_files_or_dirs_from_list() { - eval $invocation - - local root_path="$(remove_trailing_slash "$1")" - local out_path="$(remove_trailing_slash "$2")" - local override="$3" - local override_switch="$(get_cp_options "$override")" - - cat | uniq | while read -r file_path; do - local path="$(remove_beginning_slash "${file_path#$root_path}")" - local target="$out_path/$path" - if [ "$override" = true ] || (! ([ -d "$target" ] || [ -e "$target" ])); then - mkdir -p "$out_path/$(dirname "$path")" - if [ -d "$target" ]; then - rm -rf "$target" - fi - cp -R $override_switch "$root_path/$path" "$target" - fi - done -} - -# args: -# zip_uri - $1 -get_remote_file_size() { - local zip_uri="$1" - - if machine_has "curl"; then - file_size=$(curl -sI "$zip_uri" | grep -i content-length | awk '{ num = $2 + 0; print num }') - elif machine_has "wget"; then - file_size=$(wget --spider --server-response -O /dev/null "$zip_uri" 2>&1 | grep -i 'Content-Length:' | awk '{ num = $2 + 0; print num }') - else - say "Neither curl nor wget is available on this system." - return - fi - - if [ -n "$file_size" ]; then - say "Remote file $zip_uri size is $file_size bytes." - echo "$file_size" - else - say_verbose "Content-Length header was not extracted for $zip_uri." - echo "" - fi -} - -# args: -# zip_path - $1 -# out_path - $2 -# remote_file_size - $3 -extract_dotnet_package() { - eval $invocation - - local zip_path="$1" - local out_path="$2" - local remote_file_size="$3" - - local temp_out_path="$(mktemp -d "$temporary_file_template")" - - local failed=false - tar -xzf "$zip_path" -C "$temp_out_path" > /dev/null || failed=true - - local folders_with_version_regex='^.*/[0-9]+\.[0-9]+[^/]+/' - find "$temp_out_path" -type f | grep -Eo "$folders_with_version_regex" | sort | copy_files_or_dirs_from_list "$temp_out_path" "$out_path" false - find "$temp_out_path" -type f | grep -Ev "$folders_with_version_regex" | copy_files_or_dirs_from_list "$temp_out_path" "$out_path" "$override_non_versioned_files" - - validate_remote_local_file_sizes "$zip_path" "$remote_file_size" - - rm -rf "$temp_out_path" - if [ -z ${keep_zip+x} ]; then - rm -f "$zip_path" && say_verbose "Temporary archive file $zip_path was removed" - fi - - if [ "$failed" = true ]; then - say_err "Extraction failed" - return 1 - fi - return 0 -} - -# args: -# remote_path - $1 -# disable_feed_credential - $2 -get_http_header() -{ - eval $invocation - local remote_path="$1" - local disable_feed_credential="$2" - - local failed=false - local response - if machine_has "curl"; then - get_http_header_curl $remote_path $disable_feed_credential || failed=true - elif machine_has "wget"; then - get_http_header_wget $remote_path $disable_feed_credential || failed=true - else - failed=true - fi - if [ "$failed" = true ]; then - say_verbose "Failed to get HTTP header: '$remote_path'." - return 1 - fi - return 0 -} - -# args: -# remote_path - $1 -# disable_feed_credential - $2 -get_http_header_curl() { - eval $invocation - local remote_path="$1" - local disable_feed_credential="$2" - - remote_path_with_credential="$remote_path" - if [ "$disable_feed_credential" = false ]; then - remote_path_with_credential+="$feed_credential" - fi - - curl_options="-I -sSL --retry 5 --retry-delay 2 --connect-timeout 15 " - curl $curl_options "$remote_path_with_credential" 2>&1 || return 1 - return 0 -} - -# args: -# remote_path - $1 -# disable_feed_credential - $2 -get_http_header_wget() { - eval $invocation - local remote_path="$1" - local disable_feed_credential="$2" - local wget_options="-q -S --spider --tries 5 " - - local wget_options_extra='' - - # Test for options that aren't supported on all wget implementations. - if [[ $(wget -h 2>&1 | grep -E 'waitretry|connect-timeout') ]]; then - wget_options_extra="--waitretry 2 --connect-timeout 15 " - else - say "wget extra options are unavailable for this environment" - fi - - remote_path_with_credential="$remote_path" - if [ "$disable_feed_credential" = false ]; then - remote_path_with_credential+="$feed_credential" - fi - - wget $wget_options $wget_options_extra "$remote_path_with_credential" 2>&1 - - return $? -} - -# args: -# remote_path - $1 -# [out_path] - $2 - stdout if not provided -download() { - eval $invocation - - local remote_path="$1" - local out_path="${2:-}" - - if [[ "$remote_path" != "http"* ]]; then - cp "$remote_path" "$out_path" - return $? - fi - - local failed=false - local attempts=0 - while [ $attempts -lt 3 ]; do - attempts=$((attempts+1)) - failed=false - if machine_has "curl"; then - downloadcurl "$remote_path" "$out_path" || failed=true - elif machine_has "wget"; then - downloadwget "$remote_path" "$out_path" || failed=true - else - say_err "Missing dependency: neither curl nor wget was found." - exit 1 - fi - - if [ "$failed" = false ] || [ $attempts -ge 3 ] || { [ ! -z $http_code ] && [ $http_code = "404" ]; }; then - break - fi - - say "Download attempt #$attempts has failed: $http_code $download_error_msg" - say "Attempt #$((attempts+1)) will start in $((attempts*10)) seconds." - sleep $((attempts*10)) - done - - if [ "$failed" = true ]; then - say_verbose "Download failed: $remote_path" - return 1 - fi - return 0 -} - -# Updates global variables $http_code and $download_error_msg -downloadcurl() { - eval $invocation - unset http_code - unset download_error_msg - local remote_path="$1" - local out_path="${2:-}" - # Append feed_credential as late as possible before calling curl to avoid logging feed_credential - # Avoid passing URI with credentials to functions: note, most of them echoing parameters of invocation in verbose output. - local remote_path_with_credential="${remote_path}${feed_credential}" - local curl_options="--retry 20 --retry-delay 2 --connect-timeout 15 -sSL -f --create-dirs " - local curl_exit_code=0; - if [ -z "$out_path" ]; then - curl_output=$(curl $curl_options "$remote_path_with_credential" 2>&1) - curl_exit_code=$? - echo "$curl_output" - else - curl_output=$(curl $curl_options -o "$out_path" "$remote_path_with_credential" 2>&1) - curl_exit_code=$? - fi - - # Regression in curl causes curl with --retry to return a 0 exit code even when it fails to download a file - https://github.com/curl/curl/issues/17554 - if [ $curl_exit_code -eq 0 ] && echo "$curl_output" | grep -q "^curl: ([0-9]*) "; then - curl_exit_code=$(echo "$curl_output" | sed 's/curl: (\([0-9]*\)).*/\1/') - fi - - if [ $curl_exit_code -gt 0 ]; then - download_error_msg="Unable to download $remote_path." - # Check for curl timeout codes - if [[ $curl_exit_code == 7 || $curl_exit_code == 28 ]]; then - download_error_msg+=" Failed to reach the server: connection timeout." - else - local disable_feed_credential=false - local response=$(get_http_header_curl $remote_path $disable_feed_credential) - http_code=$( echo "$response" | awk '/^HTTP/{print $2}' | tail -1 ) - if [[ ! -z $http_code && $http_code != 2* ]]; then - download_error_msg+=" Returned HTTP status code: $http_code." - fi - fi - say_verbose "$download_error_msg" - return 1 - fi - return 0 -} - - -# Updates global variables $http_code and $download_error_msg -downloadwget() { - eval $invocation - unset http_code - unset download_error_msg - local remote_path="$1" - local out_path="${2:-}" - # Append feed_credential as late as possible before calling wget to avoid logging feed_credential - local remote_path_with_credential="${remote_path}${feed_credential}" - local wget_options="--tries 20 " - - local wget_options_extra='' - local wget_result='' - - # Test for options that aren't supported on all wget implementations. - if [[ $(wget -h 2>&1 | grep -E 'waitretry|connect-timeout') ]]; then - wget_options_extra="--waitretry 2 --connect-timeout 15 " - else - say "wget extra options are unavailable for this environment" - fi - - if [ -z "$out_path" ]; then - wget -q $wget_options $wget_options_extra -O - "$remote_path_with_credential" 2>&1 - wget_result=$? - else - wget $wget_options $wget_options_extra -O "$out_path" "$remote_path_with_credential" 2>&1 - wget_result=$? - fi - - if [[ $wget_result != 0 ]]; then - local disable_feed_credential=false - local response=$(get_http_header_wget $remote_path $disable_feed_credential) - http_code=$( echo "$response" | awk '/^ HTTP/{print $2}' | tail -1 ) - download_error_msg="Unable to download $remote_path." - if [[ ! -z $http_code && $http_code != 2* ]]; then - download_error_msg+=" Returned HTTP status code: $http_code." - # wget exit code 4 stands for network-issue - elif [[ $wget_result == 4 ]]; then - download_error_msg+=" Failed to reach the server: connection timeout." - fi - say_verbose "$download_error_msg" - return 1 - fi - - return 0 -} - -get_download_link_from_aka_ms() { - eval $invocation - - #quality is not supported for LTS or STS channel - #STS maps to current - if [[ ! -z "$normalized_quality" && ("$normalized_channel" == "LTS" || "$normalized_channel" == "STS") ]]; then - normalized_quality="" - say_warning "Specifying quality for STS or LTS channel is not supported, the quality will be ignored." - fi - - say_verbose "Retrieving primary payload URL from aka.ms for channel: '$normalized_channel', quality: '$normalized_quality', product: '$normalized_product', os: '$normalized_os', architecture: '$normalized_architecture'." - - #construct aka.ms link - aka_ms_link="https://aka.ms/dotnet" - if [ "$internal" = true ]; then - aka_ms_link="$aka_ms_link/internal" - fi - aka_ms_link="$aka_ms_link/$normalized_channel" - if [[ ! -z "$normalized_quality" ]]; then - aka_ms_link="$aka_ms_link/$normalized_quality" - fi - aka_ms_link="$aka_ms_link/$normalized_product-$normalized_os-$normalized_architecture.tar.gz" - say_verbose "Constructed aka.ms link: '$aka_ms_link'." - - #get HTTP response - #do not pass credentials as a part of the $aka_ms_link and do not apply credentials in the get_http_header function - #otherwise the redirect link would have credentials as well - #it would result in applying credentials twice to the resulting link and thus breaking it, and in echoing credentials to the output as a part of redirect link - disable_feed_credential=true - response="$(get_http_header $aka_ms_link $disable_feed_credential)" - - say_verbose "Received response: $response" - # Get results of all the redirects. - http_codes=$( echo "$response" | awk '$1 ~ /^HTTP/ {print $2}' ) - # They all need to be 301, otherwise some links are broken (except for the last, which is not a redirect but 200 or 404). - broken_redirects=$( echo "$http_codes" | sed '$d' | grep -v '301' ) - # The response may end without final code 2xx/4xx/5xx somehow, e.g. network restrictions on www.bing.com causes redirecting to bing.com fails with connection refused. - # In this case it should not exclude the last. - last_http_code=$( echo "$http_codes" | tail -n 1 ) - if ! [[ $last_http_code =~ ^(2|4|5)[0-9][0-9]$ ]]; then - broken_redirects=$( echo "$http_codes" | grep -v '301' ) - fi - - # All HTTP codes are 301 (Moved Permanently), the redirect link exists. - if [[ -z "$broken_redirects" ]]; then - aka_ms_download_link=$( echo "$response" | awk '$1 ~ /^Location/{print $2}' | tail -1 | tr -d '\r') - - if [[ -z "$aka_ms_download_link" ]]; then - say_verbose "The aka.ms link '$aka_ms_link' is not valid: failed to get redirect location." - return 1 - fi - - say_verbose "The redirect location retrieved: '$aka_ms_download_link'." - return 0 - else - say_verbose "The aka.ms link '$aka_ms_link' is not valid: received HTTP code: $(echo "$broken_redirects" | paste -sd "," -)." - return 1 - fi -} - -get_feeds_to_use() -{ - feeds=( - "https://builds.dotnet.microsoft.com/dotnet" - "https://ci.dot.net/public" - ) - - if [[ -n "$azure_feed" ]]; then - feeds=("$azure_feed") - fi - - if [[ -n "$uncached_feed" ]]; then - feeds=("$uncached_feed") - fi -} - -# THIS FUNCTION MAY EXIT (if the determined version is already installed). -generate_download_links() { - - download_links=() - specific_versions=() - effective_versions=() - link_types=() - - # If generate_akams_links returns false, no fallback to old links. Just terminate. - # This function may also 'exit' (if the determined version is already installed). - generate_akams_links || return - - # Check other feeds only if we haven't been able to find an aka.ms link. - if [[ "${#download_links[@]}" -lt 1 ]]; then - for feed in ${feeds[@]} - do - # generate_regular_links may also 'exit' (if the determined version is already installed). - generate_regular_links $feed || return - done - fi - - if [[ "${#download_links[@]}" -eq 0 ]]; then - say_err "Failed to resolve the exact version number." - return 1 - fi - - say_verbose "Generated ${#download_links[@]} links." - for link_index in ${!download_links[@]} - do - say_verbose "Link $link_index: ${link_types[$link_index]}, ${effective_versions[$link_index]}, ${download_links[$link_index]}" - done -} - -# THIS FUNCTION MAY EXIT (if the determined version is already installed). -generate_akams_links() { - local valid_aka_ms_link=true; - - normalized_version="$(to_lowercase "$version")" - if [[ "$normalized_version" != "latest" ]] && [ -n "$normalized_quality" ]; then - say_err "Quality and Version options are not allowed to be specified simultaneously. See https://learn.microsoft.com/dotnet/core/tools/dotnet-install-script#options for details." - return 1 - fi - - if [[ -n "$json_file" || "$normalized_version" != "latest" ]]; then - # aka.ms links are not needed when exact version is specified via command or json file - return - fi - - get_download_link_from_aka_ms || valid_aka_ms_link=false - - if [[ "$valid_aka_ms_link" == true ]]; then - say_verbose "Retrieved primary payload URL from aka.ms link: '$aka_ms_download_link'." - say_verbose "Downloading using legacy url will not be attempted." - - download_link=$aka_ms_download_link - - #get version from the path - IFS='/' - read -ra pathElems <<< "$download_link" - count=${#pathElems[@]} - specific_version="${pathElems[count-2]}" - unset IFS; - say_verbose "Version: '$specific_version'." - - #Retrieve effective version - effective_version="$(get_specific_product_version "$azure_feed" "$specific_version" "$download_link")" - - # Add link info to arrays - download_links+=($download_link) - specific_versions+=($specific_version) - effective_versions+=($effective_version) - link_types+=("aka.ms") - - # Check if the SDK version is already installed. - if [[ "$dry_run" != true ]] && is_dotnet_package_installed "$install_root" "$asset_relative_path" "$effective_version"; then - say "$asset_name with version '$effective_version' is already installed." - exit 0 - fi - - return 0 - fi - - # if quality is specified - exit with error - there is no fallback approach - if [ ! -z "$normalized_quality" ]; then - say_err "Failed to locate the latest version in the channel '$normalized_channel' with '$normalized_quality' quality for '$normalized_product', os: '$normalized_os', architecture: '$normalized_architecture'." - say_err "Refer to: https://aka.ms/dotnet-os-lifecycle for information on .NET Core support." - return 1 - fi - say_verbose "Falling back to latest.version file approach." -} - -# THIS FUNCTION MAY EXIT (if the determined version is already installed) -# args: -# feed - $1 -generate_regular_links() { - local feed="$1" - local valid_legacy_download_link=true - - specific_version=$(get_specific_version_from_version "$feed" "$channel" "$normalized_architecture" "$version" "$json_file") || specific_version='0' - - if [[ "$specific_version" == '0' ]]; then - say_verbose "Failed to resolve the specific version number using feed '$feed'" - return - fi - - effective_version="$(get_specific_product_version "$feed" "$specific_version")" - say_verbose "specific_version=$specific_version" - - download_link="$(construct_download_link "$feed" "$channel" "$normalized_architecture" "$specific_version" "$normalized_os")" - say_verbose "Constructed primary named payload URL: $download_link" - - # Add link info to arrays - download_links+=($download_link) - specific_versions+=($specific_version) - effective_versions+=($effective_version) - link_types+=("primary") - - legacy_download_link="$(construct_legacy_download_link "$feed" "$channel" "$normalized_architecture" "$specific_version")" || valid_legacy_download_link=false - - if [ "$valid_legacy_download_link" = true ]; then - say_verbose "Constructed legacy named payload URL: $legacy_download_link" - - download_links+=($legacy_download_link) - specific_versions+=($specific_version) - effective_versions+=($effective_version) - link_types+=("legacy") - else - legacy_download_link="" - say_verbose "Could not construct a legacy_download_link; omitting..." - fi - - # Check if the SDK version is already installed. - if [[ "$dry_run" != true ]] && is_dotnet_package_installed "$install_root" "$asset_relative_path" "$effective_version"; then - say "$asset_name with version '$effective_version' is already installed." - exit 0 - fi -} - -print_dry_run() { - - say "Payload URLs:" - - for link_index in "${!download_links[@]}" - do - say "URL #$link_index - ${link_types[$link_index]}: ${download_links[$link_index]}" - done - - resolved_version=${specific_versions[0]} - repeatable_command="./$script_name --version "\""$resolved_version"\"" --install-dir "\""$install_root"\"" --architecture "\""$normalized_architecture"\"" --os "\""$normalized_os"\""" - - if [ ! -z "$normalized_quality" ]; then - repeatable_command+=" --quality "\""$normalized_quality"\""" - fi - - if [[ "$runtime" == "dotnet" ]]; then - repeatable_command+=" --runtime "\""dotnet"\""" - elif [[ "$runtime" == "aspnetcore" ]]; then - repeatable_command+=" --runtime "\""aspnetcore"\""" - fi - - repeatable_command+="$non_dynamic_parameters" - - if [ -n "$feed_credential" ]; then - repeatable_command+=" --feed-credential "\"""\""" - fi - - say "Repeatable invocation: $repeatable_command" -} - -calculate_vars() { - eval $invocation - - script_name=$(basename "$0") - normalized_architecture="$(get_normalized_architecture_from_architecture "$architecture")" - say_verbose "Normalized architecture: '$normalized_architecture'." - normalized_os="$(get_normalized_os "$user_defined_os")" - say_verbose "Normalized OS: '$normalized_os'." - normalized_quality="$(get_normalized_quality "$quality")" - say_verbose "Normalized quality: '$normalized_quality'." - normalized_channel="$(get_normalized_channel "$channel")" - say_verbose "Normalized channel: '$normalized_channel'." - normalized_product="$(get_normalized_product "$runtime")" - say_verbose "Normalized product: '$normalized_product'." - install_root="$(resolve_installation_path "$install_dir")" - say_verbose "InstallRoot: '$install_root'." - - normalized_architecture="$(get_normalized_architecture_for_specific_sdk_version "$version" "$normalized_channel" "$normalized_architecture")" - - if [[ "$runtime" == "dotnet" ]]; then - asset_relative_path="shared/Microsoft.NETCore.App" - asset_name=".NET Core Runtime" - elif [[ "$runtime" == "aspnetcore" ]]; then - asset_relative_path="shared/Microsoft.AspNetCore.App" - asset_name="ASP.NET Core Runtime" - elif [ -z "$runtime" ]; then - asset_relative_path="sdk" - asset_name=".NET Core SDK" - fi - - get_feeds_to_use -} - -install_dotnet() { - eval $invocation - local download_failed=false - local download_completed=false - local remote_file_size=0 - - mkdir -p "$install_root" - zip_path="${zip_path:-$(mktemp "$temporary_file_template")}" - say_verbose "Archive path: $zip_path" - - for link_index in "${!download_links[@]}" - do - download_link="${download_links[$link_index]}" - specific_version="${specific_versions[$link_index]}" - effective_version="${effective_versions[$link_index]}" - link_type="${link_types[$link_index]}" - - say "Attempting to download using $link_type link $download_link" - - # The download function will set variables $http_code and $download_error_msg in case of failure. - download_failed=false - download "$download_link" "$zip_path" 2>&1 || download_failed=true - - if [ "$download_failed" = true ]; then - case $http_code in - 404) - say "The resource at $link_type link '$download_link' is not available." - ;; - *) - say "Failed to download $link_type link '$download_link': $http_code $download_error_msg" - ;; - esac - rm -f "$zip_path" 2>&1 && say_verbose "Temporary archive file $zip_path was removed" - else - download_completed=true - break - fi - done - - if [[ "$download_completed" == false ]]; then - say_err "Could not find \`$asset_name\` with version = $specific_version" - say_err "Refer to: https://aka.ms/dotnet-os-lifecycle for information on .NET Core support" - return 1 - fi - - remote_file_size="$(get_remote_file_size "$download_link")" - - say "Extracting archive from $download_link" - extract_dotnet_package "$zip_path" "$install_root" "$remote_file_size" || return 1 - - # Check if the SDK version is installed; if not, fail the installation. - # if the version contains "RTM" or "servicing"; check if a 'release-type' SDK version is installed. - if [[ $specific_version == *"rtm"* || $specific_version == *"servicing"* ]]; then - IFS='-' - read -ra verArr <<< "$specific_version" - release_version="${verArr[0]}" - unset IFS; - say_verbose "Checking installation: version = $release_version" - if is_dotnet_package_installed "$install_root" "$asset_relative_path" "$release_version"; then - say "Installed version is $effective_version" - return 0 - fi - fi - - # Check if the standard SDK version is installed. - say_verbose "Checking installation: version = $effective_version" - if is_dotnet_package_installed "$install_root" "$asset_relative_path" "$effective_version"; then - say "Installed version is $effective_version" - return 0 - fi - - # Version verification failed. More likely something is wrong either with the downloaded content or with the verification algorithm. - say_err "Failed to verify the version of installed \`$asset_name\`.\nInstallation source: $download_link.\nInstallation location: $install_root.\nReport the bug at https://github.com/dotnet/install-scripts/issues." - say_err "\`$asset_name\` with version = $effective_version failed to install with an error." - return 1 -} - -args=("$@") - -local_version_file_relative_path="/.version" -bin_folder_relative_path="" -temporary_file_template="${TMPDIR:-/tmp}/dotnet.XXXXXXXXX" - -channel="LTS" -version="Latest" -json_file="" -install_dir="" -architecture="" -dry_run=false -no_path=false -azure_feed="" -uncached_feed="" -feed_credential="" -verbose=false -runtime="" -runtime_id="" -quality="" -internal=false -override_non_versioned_files=true -non_dynamic_parameters="" -user_defined_os="" - -while [ $# -ne 0 ] -do - name="$1" - case "$name" in - -c|--channel|-[Cc]hannel) - shift - channel="$1" - ;; - -v|--version|-[Vv]ersion) - shift - version="$1" - ;; - -q|--quality|-[Qq]uality) - shift - quality="$1" - ;; - --internal|-[Ii]nternal) - internal=true - non_dynamic_parameters+=" $name" - ;; - -i|--install-dir|-[Ii]nstall[Dd]ir) - shift - install_dir="$1" - ;; - --arch|--architecture|-[Aa]rch|-[Aa]rchitecture) - shift - architecture="$1" - ;; - --os|-[Oo][SS]) - shift - user_defined_os="$1" - ;; - --shared-runtime|-[Ss]hared[Rr]untime) - say_warning "The --shared-runtime flag is obsolete and may be removed in a future version of this script. The recommended usage is to specify '--runtime dotnet'." - if [ -z "$runtime" ]; then - runtime="dotnet" - fi - ;; - --runtime|-[Rr]untime) - shift - runtime="$1" - if [[ "$runtime" != "dotnet" ]] && [[ "$runtime" != "aspnetcore" ]]; then - say_err "Unsupported value for --runtime: '$1'. Valid values are 'dotnet' and 'aspnetcore'." - if [[ "$runtime" == "windowsdesktop" ]]; then - say_err "WindowsDesktop archives are manufactured for Windows platforms only." - fi - exit 1 - fi - ;; - --dry-run|-[Dd]ry[Rr]un) - dry_run=true - ;; - --no-path|-[Nn]o[Pp]ath) - no_path=true - non_dynamic_parameters+=" $name" - ;; - --verbose|-[Vv]erbose) - verbose=true - non_dynamic_parameters+=" $name" - ;; - --azure-feed|-[Aa]zure[Ff]eed) - shift - azure_feed="$1" - non_dynamic_parameters+=" $name "\""$1"\""" - ;; - --uncached-feed|-[Uu]ncached[Ff]eed) - shift - uncached_feed="$1" - non_dynamic_parameters+=" $name "\""$1"\""" - ;; - --feed-credential|-[Ff]eed[Cc]redential) - shift - feed_credential="$1" - #feed_credential should start with "?", for it to be added to the end of the link. - #adding "?" at the beginning of the feed_credential if needed. - [[ -z "$(echo $feed_credential)" ]] || [[ $feed_credential == \?* ]] || feed_credential="?$feed_credential" - ;; - --runtime-id|-[Rr]untime[Ii]d) - shift - runtime_id="$1" - non_dynamic_parameters+=" $name "\""$1"\""" - say_warning "Use of --runtime-id is obsolete and should be limited to the versions below 2.1. To override architecture, use --architecture option instead. To override OS, use --os option instead." - ;; - --jsonfile|-[Jj][Ss]on[Ff]ile) - shift - json_file="$1" - ;; - --skip-non-versioned-files|-[Ss]kip[Nn]on[Vv]ersioned[Ff]iles) - override_non_versioned_files=false - non_dynamic_parameters+=" $name" - ;; - --keep-zip|-[Kk]eep[Zz]ip) - keep_zip=true - non_dynamic_parameters+=" $name" - ;; - --zip-path|-[Zz]ip[Pp]ath) - shift - zip_path="$1" - ;; - -?|--?|-h|--help|-[Hh]elp) - script_name="dotnet-install.sh" - echo ".NET Tools Installer" - echo "Usage:" - echo " # Install a .NET SDK of a given Quality from a given Channel" - echo " $script_name [-c|--channel ] [-q|--quality ]" - echo " # Install a .NET SDK of a specific public version" - echo " $script_name [-v|--version ]" - echo " $script_name -h|-?|--help" - echo "" - echo "$script_name is a simple command line interface for obtaining dotnet cli." - echo " Note that the intended use of this script is for Continuous Integration (CI) scenarios, where:" - echo " - The SDK needs to be installed without user interaction and without admin rights." - echo " - The SDK installation doesn't need to persist across multiple CI runs." - echo " To set up a development environment or to run apps, use installers rather than this script. Visit https://dotnet.microsoft.com/download to get the installer." - echo "" - echo "Options:" - echo " -c,--channel Download from the channel specified, Defaults to \`$channel\`." - echo " -Channel" - echo " Possible values:" - echo " - STS - the most recent Standard Term Support release" - echo " - LTS - the most recent Long Term Support release" - echo " - 2-part version in a format A.B - represents a specific release" - echo " examples: 2.0; 1.0" - echo " - 3-part version in a format A.B.Cxx - represents a specific SDK release" - echo " examples: 5.0.1xx, 5.0.2xx." - echo " Supported since 5.0 release" - echo " Warning: Value 'Current' is deprecated for the Channel parameter. Use 'STS' instead." - echo " Note: The version parameter overrides the channel parameter when any version other than 'latest' is used." - echo " -v,--version Use specific VERSION, Defaults to \`$version\`." - echo " -Version" - echo " Possible values:" - echo " - latest - the latest build on specific channel" - echo " - 3-part version in a format A.B.C - represents specific version of build" - echo " examples: 2.0.0-preview2-006120; 1.1.0" - echo " -q,--quality Download the latest build of specified quality in the channel." - echo " -Quality" - echo " The possible values are: daily, preview, GA." - echo " Works only in combination with channel. Not applicable for STS and LTS channels and will be ignored if those channels are used." - echo " For SDK use channel in A.B.Cxx format. Using quality for SDK together with channel in A.B format is not supported." - echo " Supported since 5.0 release." - echo " Note: The version parameter overrides the channel parameter when any version other than 'latest' is used, and therefore overrides the quality." - echo " --internal,-Internal Download internal builds. Requires providing credentials via --feed-credential parameter." - echo " --feed-credential Token to access Azure feed. Used as a query string to append to the Azure feed." - echo " -FeedCredential This parameter typically is not specified." - echo " -i,--install-dir Install under specified location (see Install Location below)" - echo " -InstallDir" - echo " --architecture Architecture of dotnet binaries to be installed, Defaults to \`$architecture\`." - echo " --arch,-Architecture,-Arch" - echo " Possible values: x64, arm, arm64, s390x, ppc64le and loongarch64" - echo " --os Specifies operating system to be used when selecting the installer." - echo " Overrides the OS determination approach used by the script. Supported values: osx, linux, linux-musl, freebsd, rhel.6." - echo " In case any other value is provided, the platform will be determined by the script based on machine configuration." - echo " Not supported for legacy links. Use --runtime-id to specify platform for legacy links." - echo " Refer to: https://aka.ms/dotnet-os-lifecycle for more information." - echo " --runtime Installs a shared runtime only, without the SDK." - echo " -Runtime" - echo " Possible values:" - echo " - dotnet - the Microsoft.NETCore.App shared runtime" - echo " - aspnetcore - the Microsoft.AspNetCore.App shared runtime" - echo " --dry-run,-DryRun Do not perform installation. Display download link." - echo " --no-path, -NoPath Do not set PATH for the current process." - echo " --verbose,-Verbose Display diagnostics information." - echo " --azure-feed,-AzureFeed For internal use only." - echo " Allows using a different storage to download SDK archives from." - echo " --uncached-feed,-UncachedFeed For internal use only." - echo " Allows using a different storage to download SDK archives from." - echo " --skip-non-versioned-files Skips non-versioned files if they already exist, such as the dotnet executable." - echo " -SkipNonVersionedFiles" - echo " --jsonfile Determines the SDK version from a user specified global.json file." - echo " Note: global.json must have a value for 'SDK:Version'" - echo " --keep-zip,-KeepZip If set, downloaded file is kept." - echo " --zip-path, -ZipPath If set, downloaded file is stored at the specified path." - echo " -?,--?,-h,--help,-Help Shows this help message" - echo "" - echo "Install Location:" - echo " Location is chosen in following order:" - echo " - --install-dir option" - echo " - Environmental variable DOTNET_INSTALL_DIR" - echo " - $HOME/.dotnet" - exit 0 - ;; - *) - say_err "Unknown argument \`$name\`" - exit 1 - ;; - esac - - shift -done - -say_verbose "Note that the intended use of this script is for Continuous Integration (CI) scenarios, where:" -say_verbose "- The SDK needs to be installed without user interaction and without admin rights." -say_verbose "- The SDK installation doesn't need to persist across multiple CI runs." -say_verbose "To set up a development environment or to run apps, use installers rather than this script. Visit https://dotnet.microsoft.com/download to get the installer.\n" - -if [ "$internal" = true ] && [ -z "$(echo $feed_credential)" ]; then - message="Provide credentials via --feed-credential parameter." - if [ "$dry_run" = true ]; then - say_warning "$message" - else - say_err "$message" - exit 1 - fi -fi - -check_min_reqs -calculate_vars -# generate_regular_links call below will 'exit' if the determined version is already installed. -generate_download_links - -if [[ "$dry_run" = true ]]; then - print_dry_run - exit 0 -fi - -install_dotnet - -bin_path="$(get_absolute_path "$(combine_paths "$install_root" "$bin_folder_relative_path")")" -if [ "$no_path" = false ]; then - say "Adding to current process PATH: \`$bin_path\`. Note: This change will be visible only when sourcing script." - export PATH="$bin_path":"$PATH" -else - say "Binaries of dotnet can be found in $bin_path" -fi - -say "Note that the script does not resolve dependencies during installation." -say "To check the list of dependencies, go to https://learn.microsoft.com/dotnet/core/install, select your operating system and check the \"Dependencies\" section." -say "Installation finished successfully." diff --git a/dotnet.config b/dotnet.config new file mode 100644 index 0000000000..b87edde3a9 --- /dev/null +++ b/dotnet.config @@ -0,0 +1,2 @@ +[dotnet.test.runner] +name = "Microsoft.Testing.Platform" \ No newline at end of file diff --git a/hook_changes.patch b/hook_changes.patch deleted file mode 100644 index f9452ae68f..0000000000 --- a/hook_changes.patch +++ /dev/null @@ -1,332 +0,0 @@ -diff --git a/TUnit.Engine/Services/HookCollectionService.cs b/TUnit.Engine/Services/HookCollectionService.cs -index 4db0f322b..719bf888a 100644 ---- a/TUnit.Engine/Services/HookCollectionService.cs -+++ b/TUnit.Engine/Services/HookCollectionService.cs -@@ -2,12 +2,14 @@ using System.Collections.Concurrent; - using System.Reflection; - using TUnit.Core; - using TUnit.Core.Hooks; -+using TUnit.Engine.Helpers; - using TUnit.Engine.Interfaces; - - namespace TUnit.Engine.Services; - - internal sealed class HookCollectionService : IHookCollectionService - { -+ private readonly EventReceiverOrchestrator _eventReceiverOrchestrator; - private readonly ConcurrentDictionary>> _beforeTestHooksCache = new(); - private readonly ConcurrentDictionary>> _afterTestHooksCache = new(); - private readonly ConcurrentDictionary>> _beforeEveryTestHooksCache = new(); -@@ -18,6 +20,35 @@ internal sealed class HookCollectionService : IHookCollectionService - // Cache for complete hook chains to avoid repeated lookups - private readonly ConcurrentDictionary _completeHookChainCache = new(); - -+ // Cache for processed hooks to avoid re-processing event receivers -+ private readonly ConcurrentDictionary _processedHooks = new(); -+ -+ public HookCollectionService(EventReceiverOrchestrator eventReceiverOrchestrator) -+ { -+ _eventReceiverOrchestrator = eventReceiverOrchestrator; -+ } -+ -+ private async Task ProcessHookRegistrationAsync(HookMethod hookMethod, CancellationToken cancellationToken = default) -+ { -+ // Only process each hook once -+ if (!_processedHooks.TryAdd(hookMethod, true)) -+ { -+ return; -+ } -+ -+ try -+ { -+ var context = new HookRegisteredContext(hookMethod); -+ -+ await _eventReceiverOrchestrator.InvokeHookRegistrationEventReceiversAsync(context, cancellationToken); -+ } -+ catch (Exception) -+ { -+ // Ignore errors during hook registration event processing to avoid breaking hook execution -+ // The EventReceiverOrchestrator already logs errors internally -+ } -+ } -+ - private sealed class CompleteHookChain - { - public IReadOnlyList> BeforeTestHooks { get; init; } = [ -@@ -34,9 +65,19 @@ internal sealed class HookCollectionService : IHookCollectionService - ]; - } - -- public ValueTask>> CollectBeforeTestHooksAsync(Type testClassType) -+ public async ValueTask>> CollectBeforeTestHooksAsync(Type testClassType) - { -- var hooks = _beforeTestHooksCache.GetOrAdd(testClassType, type => -+ if (_beforeTestHooksCache.TryGetValue(testClassType, out var cachedHooks)) -+ { -+ return cachedHooks; -+ } -+ -+ var hooks = await BuildBeforeTestHooksAsync(testClassType); -+ _beforeTestHooksCache.TryAdd(testClassType, hooks); -+ return hooks; -+ } -+ -+ private async Task>> BuildBeforeTestHooksAsync(Type type) - { - var hooksByType = new List<(Type type, List<(int order, int registrationIndex, Func hook)> hooks)>(); - -@@ -50,7 +91,7 @@ internal sealed class HookCollectionService : IHookCollectionService - { - foreach (var hook in sourceHooks) - { -- var hookFunc = CreateInstanceHookDelegate(hook); -+ var hookFunc = await CreateInstanceHookDelegateAsync(hook); - typeHooks.Add((hook.Order, hook.RegistrationIndex, hookFunc)); - } - } -@@ -63,7 +104,7 @@ internal sealed class HookCollectionService : IHookCollectionService - { - foreach (var hook in openTypeHooks) - { -- var hookFunc = CreateInstanceHookDelegate(hook); -+ var hookFunc = await CreateInstanceHookDelegateAsync(hook); - typeHooks.Add((hook.Order, hook.RegistrationIndex, hookFunc)); - } - } -@@ -89,14 +130,21 @@ internal sealed class HookCollectionService : IHookCollectionService - } - - return finalHooks; -- }); -- -- return new ValueTask>>(hooks); - } - -- public ValueTask>> CollectAfterTestHooksAsync(Type testClassType) -+ public async ValueTask>> CollectAfterTestHooksAsync(Type testClassType) - { -- var hooks = _afterTestHooksCache.GetOrAdd(testClassType, type => -+ if (_afterTestHooksCache.TryGetValue(testClassType, out var cachedHooks)) -+ { -+ return cachedHooks; -+ } -+ -+ var hooks = await BuildAfterTestHooksAsync(testClassType); -+ _afterTestHooksCache.TryAdd(testClassType, hooks); -+ return hooks; -+ } -+ -+ private async Task>> BuildAfterTestHooksAsync(Type type) - { - var hooksByType = new List<(Type type, List<(int order, int registrationIndex, Func hook)> hooks)>(); - -@@ -110,7 +158,7 @@ internal sealed class HookCollectionService : IHookCollectionService - { - foreach (var hook in sourceHooks) - { -- var hookFunc = CreateInstanceHookDelegate(hook); -+ var hookFunc = await CreateInstanceHookDelegateAsync(hook); - typeHooks.Add((hook.Order, hook.RegistrationIndex, hookFunc)); - } - } -@@ -123,7 +171,7 @@ internal sealed class HookCollectionService : IHookCollectionService - { - foreach (var hook in openTypeHooks) - { -- var hookFunc = CreateInstanceHookDelegate(hook); -+ var hookFunc = await CreateInstanceHookDelegateAsync(hook); - typeHooks.Add((hook.Order, hook.RegistrationIndex, hookFunc)); - } - } -@@ -148,21 +196,28 @@ internal sealed class HookCollectionService : IHookCollectionService - } - - return finalHooks; -- }); -- -- return new ValueTask>>(hooks); - } - -- public ValueTask>> CollectBeforeEveryTestHooksAsync(Type testClassType) -+ public async ValueTask>> CollectBeforeEveryTestHooksAsync(Type testClassType) - { -- var hooks = _beforeEveryTestHooksCache.GetOrAdd(testClassType, type => -+ if (_beforeEveryTestHooksCache.TryGetValue(testClassType, out var cachedHooks)) -+ { -+ return cachedHooks; -+ } -+ -+ var hooks = await BuildBeforeEveryTestHooksAsync(testClassType); -+ _beforeEveryTestHooksCache.TryAdd(testClassType, hooks); -+ return hooks; -+ } -+ -+ private async Task>> BuildBeforeEveryTestHooksAsync(Type type) - { - var allHooks = new List<(int order, int registrationIndex, Func hook)>(); - - // Collect all global BeforeEvery hooks - foreach (var hook in Sources.BeforeEveryTestHooks) - { -- var hookFunc = CreateStaticHookDelegate(hook); -+ var hookFunc = await CreateStaticHookDelegateAsync(hook); - allHooks.Add((hook.Order, hook.RegistrationIndex, hookFunc)); - } - -@@ -171,21 +226,28 @@ internal sealed class HookCollectionService : IHookCollectionService - .ThenBy(h => h.registrationIndex) - .Select(h => h.hook) - .ToList(); -- }); -- -- return new ValueTask>>(hooks); - } - -- public ValueTask>> CollectAfterEveryTestHooksAsync(Type testClassType) -+ public async ValueTask>> CollectAfterEveryTestHooksAsync(Type testClassType) - { -- var hooks = _afterEveryTestHooksCache.GetOrAdd(testClassType, type => -+ if (_afterEveryTestHooksCache.TryGetValue(testClassType, out var cachedHooks)) -+ { -+ return cachedHooks; -+ } -+ -+ var hooks = await BuildAfterEveryTestHooksAsync(testClassType); -+ _afterEveryTestHooksCache.TryAdd(testClassType, hooks); -+ return hooks; -+ } -+ -+ private async Task>> BuildAfterEveryTestHooksAsync(Type type) - { - var allHooks = new List<(int order, int registrationIndex, Func hook)>(); - - // Collect all global AfterEvery hooks - foreach (var hook in Sources.AfterEveryTestHooks) - { -- var hookFunc = CreateStaticHookDelegate(hook); -+ var hookFunc = await CreateStaticHookDelegateAsync(hook); - allHooks.Add((hook.Order, hook.RegistrationIndex, hookFunc)); - } - -@@ -194,9 +256,6 @@ internal sealed class HookCollectionService : IHookCollectionService - .ThenBy(h => h.registrationIndex) - .Select(h => h.hook) - .ToList(); -- }); -- -- return new ValueTask>>(hooks); - } - - public ValueTask>> CollectBeforeClassHooksAsync(Type testClassType) -@@ -512,19 +571,37 @@ internal sealed class HookCollectionService : IHookCollectionService - return new ValueTask>>(hooks); - } - -- private static Func CreateInstanceHookDelegate(InstanceHookMethod hook) -+ private async Task> CreateInstanceHookDelegateAsync(InstanceHookMethod hook) - { -+ // Process hook registration event receivers -+ await ProcessHookRegistrationAsync(hook); -+ - return async (context, cancellationToken) => - { -- await hook.ExecuteAsync(context, cancellationToken); -+ var timeoutAction = HookTimeoutHelper.CreateTimeoutHookAction( -+ (ctx, ct) => hook.ExecuteAsync(ctx, ct), -+ context, -+ hook.Timeout, -+ hook.Name, -+ cancellationToken); -+ -+ await timeoutAction(); - }; - } - -- private static Func CreateStaticHookDelegate(StaticHookMethod hook) -+ private async Task> CreateStaticHookDelegateAsync(StaticHookMethod hook) - { -+ // Process hook registration event receivers -+ await ProcessHookRegistrationAsync(hook); -+ - return async (context, cancellationToken) => - { -- await hook.ExecuteAsync(context, cancellationToken); -+ var timeoutAction = HookTimeoutHelper.CreateTimeoutHookAction( -+ hook, -+ context, -+ cancellationToken); -+ -+ await timeoutAction(); - }; - } - -@@ -532,7 +609,12 @@ internal sealed class HookCollectionService : IHookCollectionService - { - return async (context, cancellationToken) => - { -- await hook.ExecuteAsync(context, cancellationToken); -+ var timeoutAction = HookTimeoutHelper.CreateTimeoutHookAction( -+ hook, -+ context, -+ cancellationToken); -+ -+ await timeoutAction(); - }; - } - -@@ -540,7 +622,12 @@ internal sealed class HookCollectionService : IHookCollectionService - { - return async (context, cancellationToken) => - { -- await hook.ExecuteAsync(context, cancellationToken); -+ var timeoutAction = HookTimeoutHelper.CreateTimeoutHookAction( -+ hook, -+ context, -+ cancellationToken); -+ -+ await timeoutAction(); - }; - } - -@@ -548,7 +635,12 @@ internal sealed class HookCollectionService : IHookCollectionService - { - return async (context, cancellationToken) => - { -- await hook.ExecuteAsync(context, cancellationToken); -+ var timeoutAction = HookTimeoutHelper.CreateTimeoutHookAction( -+ hook, -+ context, -+ cancellationToken); -+ -+ await timeoutAction(); - }; - } - -@@ -556,7 +648,12 @@ internal sealed class HookCollectionService : IHookCollectionService - { - return async (context, cancellationToken) => - { -- await hook.ExecuteAsync(context, cancellationToken); -+ var timeoutAction = HookTimeoutHelper.CreateTimeoutHookAction( -+ hook, -+ context, -+ cancellationToken); -+ -+ await timeoutAction(); - }; - } - -@@ -564,7 +661,12 @@ internal sealed class HookCollectionService : IHookCollectionService - { - return async (context, cancellationToken) => - { -- await hook.ExecuteAsync(context, cancellationToken); -+ var timeoutAction = HookTimeoutHelper.CreateTimeoutHookAction( -+ hook, -+ context, -+ cancellationToken); -+ -+ await timeoutAction(); - }; - } - diff --git a/pr_failures.txt b/pr_failures.txt deleted file mode 100644 index 938d0475c4..0000000000 --- a/pr_failures.txt +++ /dev/null @@ -1,13869 +0,0 @@ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0067086Z Current runner version: '2.328.0' -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0091353Z ##[group]Runner Image Provisioner -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0092154Z Hosted Compute Agent -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0092790Z Version: 20250912.392 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0093724Z Commit: d921fda672a98b64f4f82364647e2f10b2267d0b -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0094440Z Build Date: 2025-09-12T15:23:14Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0095098Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0095636Z ##[group]Operating System -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0096192Z Ubuntu -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0096694Z 24.04.3 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0097136Z LTS -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0097596Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0098126Z ##[group]Runner Image -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0098677Z Image: ubuntu-24.04 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0099181Z Version: 20250922.53.1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0100206Z Included Software: https://github.com/actions/runner-images/blob/ubuntu24/20250922.53/images/ubuntu/Ubuntu2404-Readme.md -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0101788Z Image Release: https://github.com/actions/runner-images/releases/tag/ubuntu24%2F20250922.53 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0102858Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0105805Z ##[group]GITHUB_TOKEN Permissions -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0108166Z Actions: write -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0108767Z Attestations: write -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0109274Z Checks: write -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0109840Z Contents: write -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0110383Z Deployments: write -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0110873Z Discussions: write -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0111462Z Issues: write -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0111971Z Metadata: read -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0112430Z Models: read -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0112951Z Packages: write -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0113658Z Pages: write -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0114136Z PullRequests: write -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0114755Z RepositoryProjects: write -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0115348Z SecurityEvents: write -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0115994Z Statuses: write -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0116518Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0118545Z Secret source: Actions -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0119622Z Prepare workflow directory -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0436609Z Prepare all required actions -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.0473728Z Getting action download info -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.4238444Z Download action repository 'actions/checkout@v5' (SHA:08c6903cd8c0fde910a37f88322edcfb5dd907a8) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.5161212Z Download action repository 'microsoft/setup-msbuild@v2' (SHA:6fb02220983dee41ce7ae257b6f4d8f9bf5ed4ce) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:03.8095928Z Download action repository 'actions/setup-dotnet@v5' (SHA:d4c94342e560b34958eacfc5d055d21461ed1c5d) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.0911108Z Download action repository 'docker/setup-docker-action@v4.3.0' (SHA:b60f85385d03ac8acfca6d9996982511d8620a19) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.4294066Z Download action repository 'actions/upload-artifact@v4.6.2' (SHA:ea165f8d65b6e75b540449e92b4886f43607fa02) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.6717283Z Complete job name: modularpipeline (ubuntu-latest) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.7569534Z ##[group]Run actions/checkout@v5 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.7571101Z with: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.7571874Z fetch-depth: 0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.7572732Z repository: thomhurst/TUnit -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.7574273Z token: *** -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.7575094Z ssh-strict: true -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.7575895Z ssh-user: git -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.7576710Z persist-credentials: true -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.7577622Z clean: true -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.7578475Z sparse-checkout-cone-mode: true -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.7579464Z fetch-tags: false -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.7580296Z show-progress: true -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.7581138Z lfs: false -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.7581896Z submodules: false -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.7582738Z set-safe-directory: true -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.7584150Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8550563Z Syncing repository: thomhurst/TUnit -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8553703Z ##[group]Getting Git version info -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8555032Z Working directory is '/home/runner/work/TUnit/TUnit' -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8557418Z [command]/usr/bin/git version -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8558611Z git version 2.51.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8567579Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8581586Z Temporarily overriding HOME='/home/runner/work/_temp/a7823105-cc2b-4c9b-a356-9536d38f40c3' before making global git config changes -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8585885Z Adding repository directory to the temporary git global config as a safe directory -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8588709Z [command]/usr/bin/git config --global --add safe.directory /home/runner/work/TUnit/TUnit -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8620289Z Deleting the contents of '/home/runner/work/TUnit/TUnit' -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8624161Z ##[group]Initializing the repository -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8628161Z [command]/usr/bin/git init /home/runner/work/TUnit/TUnit -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8689062Z hint: Using 'master' as the name for the initial branch. This default branch name -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8691493Z hint: is subject to change. To configure the initial branch name to use in all -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8693960Z hint: of your new repositories, which will suppress this warning, call: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8695353Z hint: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8696354Z hint: git config --global init.defaultBranch -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8697940Z hint: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8699122Z hint: Names commonly chosen instead of 'master' are 'main', 'trunk' and -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8701214Z hint: 'development'. The just-created branch can be renamed via this command: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8702878Z hint: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8703976Z hint: git branch -m -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8704894Z hint: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8706143Z hint: Disable this message with "git config set advice.defaultBranchName false" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8708063Z Initialized empty Git repository in /home/runner/work/TUnit/TUnit/.git/ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8711359Z [command]/usr/bin/git remote add origin https://github.com/thomhurst/TUnit -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8740204Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8742542Z ##[group]Disabling automatic garbage collection -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8744216Z [command]/usr/bin/git config --local gc.auto 0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8771598Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8773506Z ##[group]Setting up auth -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8777076Z [command]/usr/bin/git config --local --name-only --get-regexp core\.sshCommand -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.8806611Z [command]/usr/bin/git submodule foreach --recursive sh -c "git config --local --name-only --get-regexp 'core\.sshCommand' && git config --local --unset-all 'core.sshCommand' || :" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.9076152Z [command]/usr/bin/git config --local --name-only --get-regexp http\.https\:\/\/github\.com\/\.extraheader -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.9109206Z [command]/usr/bin/git submodule foreach --recursive sh -c "git config --local --name-only --get-regexp 'http\.https\:\/\/github\.com\/\.extraheader' && git config --local --unset-all 'http.https://github.com/.extraheader' || :" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.9324879Z [command]/usr/bin/git config --local http.https://github.com/.extraheader AUTHORIZATION: basic *** -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.9360719Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.9363888Z ##[group]Fetching the repository -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:04.9371981Z [command]/usr/bin/git -c protocol.version=2 fetch --prune --no-recurse-submodules origin +refs/heads/*:refs/remotes/origin/* +refs/tags/*:refs/tags/* +8f35981a070d719505b06b5581803ac218073bbb:refs/remotes/pull/3227/merge -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4445352Z From https://github.com/thomhurst/TUnit -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4447050Z * [new branch] bug/2679 -> origin/bug/2679 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4447743Z * [new branch] bug/2867 -> origin/bug/2867 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4449392Z * [new branch] bug/2905 -> origin/bug/2905 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4450105Z * [new branch] bug/3184 -> origin/bug/3184 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4450778Z * [new branch] bug/3219 -> origin/bug/3219 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4451604Z * [new branch] copilot/fix-2183 -> origin/copilot/fix-2183 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4452517Z * [new branch] copilot/fix-2504 -> origin/copilot/fix-2504 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4453550Z * [new branch] copilot/fix-2587 -> origin/copilot/fix-2587 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4454419Z * [new branch] copilot/fix-2614 -> origin/copilot/fix-2614 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4455665Z * [new branch] copilot/fix-2615 -> origin/copilot/fix-2615 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4456458Z * [new branch] copilot/fix-2624 -> origin/copilot/fix-2624 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4457231Z * [new branch] copilot/fix-2632 -> origin/copilot/fix-2632 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4457999Z * [new branch] copilot/fix-2647 -> origin/copilot/fix-2647 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4458834Z * [new branch] copilot/fix-2678 -> origin/copilot/fix-2678 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4459719Z * [new branch] copilot/fix-2679 -> origin/copilot/fix-2679 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4460484Z * [new branch] copilot/fix-2734 -> origin/copilot/fix-2734 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4461264Z * [new branch] copilot/fix-2739 -> origin/copilot/fix-2739 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4462028Z * [new branch] copilot/fix-2749 -> origin/copilot/fix-2749 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4462918Z * [new branch] copilot/fix-2756 -> origin/copilot/fix-2756 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4463901Z * [new branch] copilot/fix-2764 -> origin/copilot/fix-2764 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4464671Z * [new branch] copilot/fix-2798 -> origin/copilot/fix-2798 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4465428Z * [new branch] copilot/fix-2804 -> origin/copilot/fix-2804 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4466175Z * [new branch] copilot/fix-2831 -> origin/copilot/fix-2831 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4466930Z * [new branch] copilot/fix-2867 -> origin/copilot/fix-2867 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4467682Z * [new branch] copilot/fix-2893 -> origin/copilot/fix-2893 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4468437Z * [new branch] copilot/fix-2905 -> origin/copilot/fix-2905 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4469207Z * [new branch] copilot/fix-2911 -> origin/copilot/fix-2911 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4470049Z * [new branch] copilot/fix-2938 -> origin/copilot/fix-2938 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4470943Z * [new branch] copilot/fix-2942 -> origin/copilot/fix-2942 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4471827Z * [new branch] copilot/fix-2948 -> origin/copilot/fix-2948 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4472594Z * [new branch] copilot/fix-2951 -> origin/copilot/fix-2951 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4473549Z * [new branch] copilot/fix-2952 -> origin/copilot/fix-2952 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4474312Z * [new branch] copilot/fix-2955 -> origin/copilot/fix-2955 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4475072Z * [new branch] copilot/fix-2958 -> origin/copilot/fix-2958 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4475835Z * [new branch] copilot/fix-2975 -> origin/copilot/fix-2975 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4476855Z * [new branch] copilot/fix-2993 -> origin/copilot/fix-2993 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4477634Z * [new branch] copilot/fix-3001 -> origin/copilot/fix-3001 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4478396Z * [new branch] copilot/fix-3022 -> origin/copilot/fix-3022 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4479184Z * [new branch] copilot/fix-3034 -> origin/copilot/fix-3034 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4479978Z * [new branch] copilot/fix-3044 -> origin/copilot/fix-3044 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4480749Z * [new branch] copilot/fix-3047 -> origin/copilot/fix-3047 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4481519Z * [new branch] copilot/fix-3055 -> origin/copilot/fix-3055 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4482274Z * [new branch] copilot/fix-3059 -> origin/copilot/fix-3059 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4483034Z * [new branch] copilot/fix-3077 -> origin/copilot/fix-3077 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4483980Z * [new branch] copilot/fix-3084 -> origin/copilot/fix-3084 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4484440Z * [new branch] copilot/fix-3123 -> origin/copilot/fix-3123 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4484909Z * [new branch] copilot/fix-3190 -> origin/copilot/fix-3190 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4485790Z * [new branch] copilot/fix-aa4651ed-ee12-46f3-ad32-a9c1bae268bb -> origin/copilot/fix-aa4651ed-ee12-46f3-ad32-a9c1bae268bb -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4487292Z * [new branch] copilot/fix-nested-classdata-source-injection -> origin/copilot/fix-nested-classdata-source-injection -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4488402Z * [new branch] feature/binlog -> origin/feature/binlog -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4489213Z * [new branch] feature/docs-03082025 -> origin/feature/docs-03082025 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4490222Z * [new branch] feature/nested-data-sources-example -> origin/feature/nested-data-sources-example -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4491276Z * [new branch] feature/nunit-migrate -> origin/feature/nunit-migrate -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4492152Z * [new branch] feature/perf-18092025 -> origin/feature/perf-18092025 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4493725Z * [new branch] feature/perf-improvements-07082025 -> origin/feature/perf-improvements-07082025 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4494922Z * [new branch] feature/public-api-analyzers -> origin/feature/public-api-analyzers -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4496262Z * [new branch] feature/readme-025fa7d898464a16b3cfb90d77afcc2a -> origin/feature/readme-025fa7d898464a16b3cfb90d77afcc2a -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4497781Z * [new branch] feature/readme-0e5a16f080aa419d80e4c4fede4a2e54 -> origin/feature/readme-0e5a16f080aa419d80e4c4fede4a2e54 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4499013Z * [new branch] feature/readme-10340a55ace5403893eded767341caf2 -> origin/feature/readme-10340a55ace5403893eded767341caf2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4500569Z * [new branch] feature/readme-18124280250b4741b33a25981edaf357 -> origin/feature/readme-18124280250b4741b33a25981edaf357 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4502243Z * [new branch] feature/readme-189003f4900d45a38c95afe6dead5a95 -> origin/feature/readme-189003f4900d45a38c95afe6dead5a95 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4504097Z * [new branch] feature/readme-1c9376597bf44482b7c5c0216dc57502 -> origin/feature/readme-1c9376597bf44482b7c5c0216dc57502 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4505802Z * [new branch] feature/readme-2024ea63841141b1a077c5a5bb9143a2 -> origin/feature/readme-2024ea63841141b1a077c5a5bb9143a2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4507482Z * [new branch] feature/readme-2bdd11d592144c66be27ab5ad445ae7b -> origin/feature/readme-2bdd11d592144c66be27ab5ad445ae7b -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4509173Z * [new branch] feature/readme-341eb879eca946248157b98a45c88128 -> origin/feature/readme-341eb879eca946248157b98a45c88128 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4510891Z * [new branch] feature/readme-3981b39d10d84a0586bc9c0878934a83 -> origin/feature/readme-3981b39d10d84a0586bc9c0878934a83 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4512876Z * [new branch] feature/readme-3ba3f78e5fa645c88101a9bd4f75c3e2 -> origin/feature/readme-3ba3f78e5fa645c88101a9bd4f75c3e2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4514840Z * [new branch] feature/readme-3ccb5d76db9047f7ac2c04c39db574a0 -> origin/feature/readme-3ccb5d76db9047f7ac2c04c39db574a0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4516463Z * [new branch] feature/readme-47b0f5c4e4264fbc9b47857a877d392e -> origin/feature/readme-47b0f5c4e4264fbc9b47857a877d392e -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4517428Z * [new branch] feature/readme-4ae54e6f389a4fbfad0ad9862ba43ffc -> origin/feature/readme-4ae54e6f389a4fbfad0ad9862ba43ffc -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4518338Z * [new branch] feature/readme-4df15c2638f541ae9225206ec44d70d7 -> origin/feature/readme-4df15c2638f541ae9225206ec44d70d7 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4519230Z * [new branch] feature/readme-4e749819dcc84a738d36d65a0ce423fe -> origin/feature/readme-4e749819dcc84a738d36d65a0ce423fe -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4520124Z * [new branch] feature/readme-5b9c968b24eb4e3494488272125269a7 -> origin/feature/readme-5b9c968b24eb4e3494488272125269a7 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4521240Z * [new branch] feature/readme-5c3a10b3a0c14ec6848072d9fe9849da -> origin/feature/readme-5c3a10b3a0c14ec6848072d9fe9849da -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4522380Z * [new branch] feature/readme-62d5a19113cb49ad938fa05ccae3ab9e -> origin/feature/readme-62d5a19113cb49ad938fa05ccae3ab9e -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4524153Z * [new branch] feature/readme-6fb7dfc1ba6741ce929d47e7f72fa2c9 -> origin/feature/readme-6fb7dfc1ba6741ce929d47e7f72fa2c9 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4525838Z * [new branch] feature/readme-82a00b69a395487da2e03a505e755261 -> origin/feature/readme-82a00b69a395487da2e03a505e755261 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4527513Z * [new branch] feature/readme-83b6d21c2a4a4780b9b4456b806ffde7 -> origin/feature/readme-83b6d21c2a4a4780b9b4456b806ffde7 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4529166Z * [new branch] feature/readme-966440d5ee204dd8b5ff6d6c7bc58f51 -> origin/feature/readme-966440d5ee204dd8b5ff6d6c7bc58f51 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4530860Z * [new branch] feature/readme-a1536e4212154ff38839e5bcb679addb -> origin/feature/readme-a1536e4212154ff38839e5bcb679addb -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4532508Z * [new branch] feature/readme-c72d985b36a24613868d7544fcc65894 -> origin/feature/readme-c72d985b36a24613868d7544fcc65894 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4534628Z * [new branch] feature/readme-d55308a89a9841008542883b7d4f8e2e -> origin/feature/readme-d55308a89a9841008542883b7d4f8e2e -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4536261Z * [new branch] feature/readme-e9c977f0427a4aa2a7abcb81ad9992ce -> origin/feature/readme-e9c977f0427a4aa2a7abcb81ad9992ce -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4537898Z * [new branch] feature/readme-f2065936f06a4dab93f346bafaa4c8cd -> origin/feature/readme-f2065936f06a4dab93f346bafaa4c8cd -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4539552Z * [new branch] feature/readme-facd1d8033334669afdbdde1ba3c133b -> origin/feature/readme-facd1d8033334669afdbdde1ba3c133b -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4540769Z * [new branch] feature/readme-fb024884403a47ecb14e09b658289c79 -> origin/feature/readme-fb024884403a47ecb14e09b658289c79 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4542285Z * [new branch] feature/readme-fcfe78e45230433391a97d9e3df4a1a2 -> origin/feature/readme-fcfe78e45230433391a97d9e3df4a1a2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4543413Z * [new branch] feature/readme-fd306fac7b404bdda172da52c72a6a97 -> origin/feature/readme-fd306fac7b404bdda172da52c72a6a97 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4544448Z * [new branch] feature/refactor-engine-tests -> origin/feature/refactor-engine-tests -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4545871Z * [new branch] feature/source-gen-nested-data-generator-properties -> origin/feature/source-gen-nested-data-generator-properties -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4546865Z * [new branch] feature/test-context -> origin/feature/test-context -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4547443Z * [new branch] feature/unified-test-builde -> origin/feature/unified-test-builde -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4548254Z * [new branch] feature/unified-test-builder-2 -> origin/feature/unified-test-builder-2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4548970Z * [new branch] feature/unified-test-builder-backup -> origin/feature/unified-test-builder-backup -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4549740Z * [new branch] feature/xunit-itestoutputhelper-analyzer -> origin/feature/xunit-itestoutputhelper-analyzer -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4550498Z * [new branch] fix-class-setup-teardown-ordering -> origin/fix-class-setup-teardown-ordering -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4551330Z * [new branch] fix-test-discovery-project-name-issue-3047 -> origin/fix-test-discovery-project-name-issue-3047 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4552230Z * [new branch] fix/dispose -> origin/fix/dispose -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4552915Z * [new branch] gh-pages -> origin/gh-pages -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4553820Z * [new branch] main -> origin/main -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4554947Z * [new branch] performance/engine-scheduling-optimizations -> origin/performance/engine-scheduling-optimizations -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4556370Z * [new branch] refactor/simplify-assertion-architecture -> origin/refactor/simplify-assertion-architecture -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4557965Z * [new branch] remove-namespace-and-append-guid-to-AssemblyLoader -> origin/remove-namespace-and-append-guid-to-AssemblyLoader -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4559567Z * [new branch] trx-only-if-enabled -> origin/trx-only-if-enabled -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4560319Z * [new tag] v0.0.1 -> v0.0.1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4560946Z * [new tag] v0.1.1020 -> v0.1.1020 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4561571Z * [new tag] v0.1.1021 -> v0.1.1021 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4562187Z * [new tag] v0.1.1023 -> v0.1.1023 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4562792Z * [new tag] v0.1.1063 -> v0.1.1063 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4563657Z * [new tag] v0.1.1097 -> v0.1.1097 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4564289Z * [new tag] v0.1.442 -> v0.1.442 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4564935Z * [new tag] v0.1.601-alpha01 -> v0.1.601-alpha01 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4565587Z * [new tag] v0.1.605 -> v0.1.605 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4566205Z * [new tag] v0.1.606 -> v0.1.606 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4566808Z * [new tag] v0.1.754 -> v0.1.754 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4567396Z * [new tag] v0.1.755 -> v0.1.755 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4567992Z * [new tag] v0.1.805 -> v0.1.805 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4568590Z * [new tag] v0.1.806 -> v0.1.806 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4569179Z * [new tag] v0.1.813 -> v0.1.813 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4569830Z * [new tag] v0.1.814 -> v0.1.814 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4570428Z * [new tag] v0.1.943 -> v0.1.943 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4571036Z * [new tag] v0.1.998 -> v0.1.998 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4571638Z * [new tag] v0.10.1 -> v0.10.1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4572237Z * [new tag] v0.10.19 -> v0.10.19 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4572846Z * [new tag] v0.10.24 -> v0.10.24 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4573590Z * [new tag] v0.10.26 -> v0.10.26 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4574199Z * [new tag] v0.10.28 -> v0.10.28 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4574795Z * [new tag] v0.10.33 -> v0.10.33 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4575451Z * [new tag] v0.10.4 -> v0.10.4 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4576069Z * [new tag] v0.10.6 -> v0.10.6 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4576442Z * [new tag] v0.11.0 -> v0.11.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4576799Z * [new tag] v0.12.0 -> v0.12.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4577357Z * [new tag] v0.12.11 -> v0.12.11 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4577745Z * [new tag] v0.12.13 -> v0.12.13 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4578105Z * [new tag] v0.12.14 -> v0.12.14 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4578783Z * [new tag] v0.12.17 -> v0.12.17 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4579529Z * [new tag] v0.12.21 -> v0.12.21 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4580196Z * [new tag] v0.12.23 -> v0.12.23 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4580808Z * [new tag] v0.12.25 -> v0.12.25 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4581424Z * [new tag] v0.12.6 -> v0.12.6 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4582039Z * [new tag] v0.13.0 -> v0.13.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4582642Z * [new tag] v0.13.13 -> v0.13.13 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4583449Z * [new tag] v0.13.15 -> v0.13.15 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4584080Z * [new tag] v0.13.18 -> v0.13.18 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4584674Z * [new tag] v0.13.19 -> v0.13.19 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4585282Z * [new tag] v0.13.20 -> v0.13.20 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4586115Z * [new tag] v0.13.23 -> v0.13.23 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4586718Z * [new tag] v0.13.25 -> v0.13.25 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4587317Z * [new tag] v0.13.3 -> v0.13.3 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4587919Z * [new tag] v0.13.9 -> v0.13.9 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4588517Z * [new tag] v0.14.0 -> v0.14.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4589110Z * [new tag] v0.14.10 -> v0.14.10 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4589720Z * [new tag] v0.14.13 -> v0.14.13 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4590325Z * [new tag] v0.14.14 -> v0.14.14 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4590923Z * [new tag] v0.14.17 -> v0.14.17 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4591529Z * [new tag] v0.14.18 -> v0.14.18 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4592132Z * [new tag] v0.14.6 -> v0.14.6 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4592742Z * [new tag] v0.14.7 -> v0.14.7 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4593604Z * [new tag] v0.15.1 -> v0.15.1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4594223Z * [new tag] v0.15.18 -> v0.15.18 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4594825Z * [new tag] v0.15.3 -> v0.15.3 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4595414Z * [new tag] v0.15.30 -> v0.15.30 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4596019Z * [new tag] v0.16.1 -> v0.16.1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4596620Z * [new tag] v0.16.11 -> v0.16.11 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4597218Z * [new tag] v0.16.13 -> v0.16.13 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4597843Z * [new tag] v0.16.22 -> v0.16.22 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4598505Z * [new tag] v0.16.23 -> v0.16.23 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4599152Z * [new tag] v0.16.28 -> v0.16.28 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4599779Z * [new tag] v0.16.3 -> v0.16.3 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4600380Z * [new tag] v0.16.36 -> v0.16.36 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4600980Z * [new tag] v0.16.4 -> v0.16.4 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4601568Z * [new tag] v0.16.42 -> v0.16.42 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4602174Z * [new tag] v0.16.45 -> v0.16.45 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4602771Z * [new tag] v0.16.47 -> v0.16.47 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4603568Z * [new tag] v0.16.49 -> v0.16.49 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4604176Z * [new tag] v0.16.50 -> v0.16.50 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4604974Z * [new tag] v0.16.54 -> v0.16.54 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4605622Z * [new tag] v0.16.56 -> v0.16.56 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4606244Z * [new tag] v0.16.6 -> v0.16.6 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4606879Z * [new tag] v0.16.8 -> v0.16.8 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4607484Z * [new tag] v0.17.0 -> v0.17.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4608088Z * [new tag] v0.17.11 -> v0.17.11 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4608692Z * [new tag] v0.17.12 -> v0.17.12 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4609302Z * [new tag] v0.17.14 -> v0.17.14 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4609896Z * [new tag] v0.17.3 -> v0.17.3 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4610501Z * [new tag] v0.17.8 -> v0.17.8 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4611104Z * [new tag] v0.18.0 -> v0.18.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4611719Z * [new tag] v0.18.16 -> v0.18.16 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4612328Z * [new tag] v0.18.17 -> v0.18.17 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4612928Z * [new tag] v0.18.21 -> v0.18.21 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4613974Z * [new tag] v0.18.23 -> v0.18.23 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4614591Z * [new tag] v0.18.24 -> v0.18.24 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4615312Z * [new tag] v0.18.25 -> v0.18.25 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4616031Z * [new tag] v0.18.26 -> v0.18.26 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4616767Z * [new tag] v0.18.33 -> v0.18.33 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4617476Z * [new tag] v0.18.40 -> v0.18.40 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4618178Z * [new tag] v0.18.45 -> v0.18.45 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4618885Z * [new tag] v0.18.52 -> v0.18.52 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4619294Z * [new tag] v0.18.60 -> v0.18.60 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4619733Z * [new tag] v0.18.9 -> v0.18.9 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4620441Z * [new tag] v0.19.0 -> v0.19.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4621167Z * [new tag] v0.19.10 -> v0.19.10 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4621906Z * [new tag] v0.19.112 -> v0.19.112 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4622657Z * [new tag] v0.19.116 -> v0.19.116 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4623299Z * [new tag] v0.19.117 -> v0.19.117 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4623707Z * [new tag] v0.19.136 -> v0.19.136 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4624195Z * [new tag] v0.19.14 -> v0.19.14 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4624892Z * [new tag] v0.19.140 -> v0.19.140 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4625602Z * [new tag] v0.19.143 -> v0.19.143 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4626337Z * [new tag] v0.19.148 -> v0.19.148 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4627075Z * [new tag] v0.19.150 -> v0.19.150 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4627799Z * [new tag] v0.19.151 -> v0.19.151 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4628539Z * [new tag] v0.19.17 -> v0.19.17 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4629246Z * [new tag] v0.19.2 -> v0.19.2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4629962Z * [new tag] v0.19.24 -> v0.19.24 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4630659Z * [new tag] v0.19.25 -> v0.19.25 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4631083Z * [new tag] v0.19.32 -> v0.19.32 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4631759Z * [new tag] v0.19.4 -> v0.19.4 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4632455Z * [new tag] v0.19.52 -> v0.19.52 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4633344Z * [new tag] v0.19.6 -> v0.19.6 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4634315Z * [new tag] v0.19.64 -> v0.19.64 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4635075Z * [new tag] v0.19.74 -> v0.19.74 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4635791Z * [new tag] v0.19.81 -> v0.19.81 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4636517Z * [new tag] v0.19.82 -> v0.19.82 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4637218Z * [new tag] v0.19.83 -> v0.19.83 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4637907Z * [new tag] v0.19.84 -> v0.19.84 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4638606Z * [new tag] v0.19.86 -> v0.19.86 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4639305Z * [new tag] v0.2.120 -> v0.2.120 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4639989Z * [new tag] v0.2.121 -> v0.2.121 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4640638Z * [new tag] v0.2.122 -> v0.2.122 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4641310Z * [new tag] v0.2.2 -> v0.2.2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4642008Z * [new tag] v0.2.212 -> v0.2.212 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4642655Z * [new tag] v0.2.213 -> v0.2.213 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4643634Z * [new tag] v0.2.3 -> v0.2.3 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4644421Z * [new tag] v0.2.4 -> v0.2.4 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4645361Z * [new tag] v0.2.56 -> v0.2.56 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4646079Z * [new tag] v0.2.57 -> v0.2.57 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4646787Z * [new tag] v0.20.0 -> v0.20.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4647479Z * [new tag] v0.20.11 -> v0.20.11 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4648153Z * [new tag] v0.20.16 -> v0.20.16 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4648852Z * [new tag] v0.20.17 -> v0.20.17 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4649549Z * [new tag] v0.20.18 -> v0.20.18 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4650241Z * [new tag] v0.20.19 -> v0.20.19 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4651032Z * [new tag] v0.20.19-PullRequest2405.0 -> v0.20.19-PullRequest2405.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4651769Z * [new tag] v0.20.20 -> v0.20.20 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4652172Z * [new tag] v0.20.21 -> v0.20.21 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4652602Z * [new tag] v0.20.21-PullRequest2406.0 -> v0.20.21-PullRequest2406.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4653033Z * [new tag] v0.20.22 -> v0.20.22 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4653932Z * [new tag] v0.20.22-PullRequest2408.0 -> v0.20.22-PullRequest2408.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4654721Z * [new tag] v0.20.22-PullRequest2409.0 -> v0.20.22-PullRequest2409.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4655451Z * [new tag] v0.20.23 -> v0.20.23 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4656161Z * [new tag] v0.20.23-PullRequest2409.0 -> v0.20.23-PullRequest2409.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4656981Z * [new tag] v0.20.24-PullRequest2407.0 -> v0.20.24-PullRequest2407.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4657810Z * [new tag] v0.20.25-PullRequest2411.0 -> v0.20.25-PullRequest2411.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4658632Z * [new tag] v0.20.25-PullRequest2412.0 -> v0.20.25-PullRequest2412.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4659421Z * [new tag] v0.20.4 -> v0.20.4 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4660083Z * [new tag] v0.21.0 -> v0.21.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4660709Z * [new tag] v0.21.1 -> v0.21.1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4661325Z * [new tag] v0.21.10 -> v0.21.10 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4661924Z * [new tag] v0.21.11 -> v0.21.11 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4662521Z * [new tag] v0.21.13 -> v0.21.13 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4663297Z * [new tag] v0.21.14 -> v0.21.14 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4663898Z * [new tag] v0.21.15 -> v0.21.15 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4664714Z * [new tag] v0.21.16 -> v0.21.16 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4665344Z * [new tag] v0.21.17 -> v0.21.17 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4665940Z * [new tag] v0.21.18 -> v0.21.18 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4666566Z * [new tag] v0.21.19 -> v0.21.19 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4667163Z * [new tag] v0.21.2 -> v0.21.2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4667748Z * [new tag] v0.21.20 -> v0.21.20 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4668342Z * [new tag] v0.21.21 -> v0.21.21 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4668926Z * [new tag] v0.21.22 -> v0.21.22 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4669574Z * [new tag] v0.21.23 -> v0.21.23 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4670181Z * [new tag] v0.21.3 -> v0.21.3 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4670775Z * [new tag] v0.21.4 -> v0.21.4 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4671472Z * [new tag] v0.21.4-PullRequest2413.0 -> v0.21.4-PullRequest2413.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4672164Z * [new tag] v0.21.6 -> v0.21.6 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4672759Z * [new tag] v0.21.7 -> v0.21.7 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4673851Z * [new tag] v0.21.8 -> v0.21.8 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4674442Z * [new tag] v0.21.9 -> v0.21.9 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4675031Z * [new tag] v0.22.0 -> v0.22.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4675617Z * [new tag] v0.22.1 -> v0.22.1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4676210Z * [new tag] v0.22.10 -> v0.22.10 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4676803Z * [new tag] v0.22.11 -> v0.22.11 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4677393Z * [new tag] v0.22.12 -> v0.22.12 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4677988Z * [new tag] v0.22.13 -> v0.22.13 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4678612Z * [new tag] v0.22.14 -> v0.22.14 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4679209Z * [new tag] v0.22.15 -> v0.22.15 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4679813Z * [new tag] v0.22.16 -> v0.22.16 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4680420Z * [new tag] v0.22.17 -> v0.22.17 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4681024Z * [new tag] v0.22.18 -> v0.22.18 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4681614Z * [new tag] v0.22.19 -> v0.22.19 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4682201Z * [new tag] v0.22.2 -> v0.22.2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4682978Z * [new tag] v0.22.20 -> v0.22.20 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4683735Z * [new tag] v0.22.21 -> v0.22.21 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4684328Z * [new tag] v0.22.22 -> v0.22.22 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4684922Z * [new tag] v0.22.23 -> v0.22.23 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4685529Z * [new tag] v0.22.24 -> v0.22.24 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4686116Z * [new tag] v0.22.25 -> v0.22.25 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4686699Z * [new tag] v0.22.26 -> v0.22.26 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4687297Z * [new tag] v0.22.27 -> v0.22.27 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4687890Z * [new tag] v0.22.28 -> v0.22.28 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4688471Z * [new tag] v0.22.29 -> v0.22.29 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4689057Z * [new tag] v0.22.3 -> v0.22.3 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4689595Z * [new tag] v0.22.30 -> v0.22.30 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4689960Z * [new tag] v0.22.31 -> v0.22.31 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4690410Z * [new tag] v0.22.32 -> v0.22.32 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4691049Z * [new tag] v0.22.34 -> v0.22.34 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4691905Z * [new tag] v0.22.4 -> v0.22.4 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4692532Z * [new tag] v0.22.5 -> v0.22.5 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4693400Z * [new tag] v0.22.6 -> v0.22.6 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4694036Z * [new tag] v0.22.7 -> v0.22.7 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4694616Z * [new tag] v0.22.8 -> v0.22.8 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4695210Z * [new tag] v0.22.9 -> v0.22.9 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4695803Z * [new tag] v0.23.0 -> v0.23.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4696371Z * [new tag] v0.23.1 -> v0.23.1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4696743Z * [new tag] v0.23.2 -> v0.23.2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4697410Z * [new tag] v0.23.3 -> v0.23.3 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4698099Z * [new tag] v0.23.4 -> v0.23.4 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4698812Z * [new tag] v0.23.5 -> v0.23.5 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4699508Z * [new tag] v0.23.6 -> v0.23.6 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4700163Z * [new tag] v0.23.7 -> v0.23.7 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4701111Z * [new tag] v0.23.8 -> v0.23.8 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4701784Z * [new tag] v0.24.0 -> v0.24.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4702437Z * [new tag] v0.24.1 -> v0.24.1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4703265Z * [new tag] v0.24.2 -> v0.24.2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4703912Z * [new tag] v0.24.3 -> v0.24.3 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4704558Z * [new tag] v0.24.4 -> v0.24.4 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4705213Z * [new tag] v0.24.5 -> v0.24.5 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4705890Z * [new tag] v0.24.6 -> v0.24.6 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4706571Z * [new tag] v0.24.7 -> v0.24.7 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4707254Z * [new tag] v0.24.8 -> v0.24.8 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4707910Z * [new tag] v0.24.9 -> v0.24.9 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4708537Z * [new tag] v0.25.0 -> v0.25.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4709169Z * [new tag] v0.25.1 -> v0.25.1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4709528Z * [new tag] v0.25.10 -> v0.25.10 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4709902Z * [new tag] v0.25.100 -> v0.25.100 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4710284Z * [new tag] v0.25.101 -> v0.25.101 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4710641Z * [new tag] v0.25.102 -> v0.25.102 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4711001Z * [new tag] v0.25.103 -> v0.25.103 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4711374Z * [new tag] v0.25.104 -> v0.25.104 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4711746Z * [new tag] v0.25.105 -> v0.25.105 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4712101Z * [new tag] v0.25.106 -> v0.25.106 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4712460Z * [new tag] v0.25.107 -> v0.25.107 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4712815Z * [new tag] v0.25.108 -> v0.25.108 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4713404Z * [new tag] v0.25.109 -> v0.25.109 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4713779Z * [new tag] v0.25.11 -> v0.25.11 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4714140Z * [new tag] v0.25.110 -> v0.25.110 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4714486Z * [new tag] v0.25.111 -> v0.25.111 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4714840Z * [new tag] v0.25.112 -> v0.25.112 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4715188Z * [new tag] v0.25.113 -> v0.25.113 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4715549Z * [new tag] v0.25.114 -> v0.25.114 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4716081Z * [new tag] v0.25.115 -> v0.25.115 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4716469Z * [new tag] v0.25.116 -> v0.25.116 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4716842Z * [new tag] v0.25.117 -> v0.25.117 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4717204Z * [new tag] v0.25.118 -> v0.25.118 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4717559Z * [new tag] v0.25.119 -> v0.25.119 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4717918Z * [new tag] v0.25.12 -> v0.25.12 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4718271Z * [new tag] v0.25.120 -> v0.25.120 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4718625Z * [new tag] v0.25.121 -> v0.25.121 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4718987Z * [new tag] v0.25.122 -> v0.25.122 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4719342Z * [new tag] v0.25.123 -> v0.25.123 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4719688Z * [new tag] v0.25.124 -> v0.25.124 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4720048Z * [new tag] v0.25.125 -> v0.25.125 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4720400Z * [new tag] v0.25.126 -> v0.25.126 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4720747Z * [new tag] v0.25.127 -> v0.25.127 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4721217Z * [new tag] v0.25.128 -> v0.25.128 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4721571Z * [new tag] v0.25.129 -> v0.25.129 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4721918Z * [new tag] v0.25.13 -> v0.25.13 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4722267Z * [new tag] v0.25.130 -> v0.25.130 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4722613Z * [new tag] v0.25.131 -> v0.25.131 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4722966Z * [new tag] v0.25.132 -> v0.25.132 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4723522Z * [new tag] v0.25.134 -> v0.25.134 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4723878Z * [new tag] v0.25.135 -> v0.25.135 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4724246Z * [new tag] v0.25.14 -> v0.25.14 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4724596Z * [new tag] v0.25.15 -> v0.25.15 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4724941Z * [new tag] v0.25.16 -> v0.25.16 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4725295Z * [new tag] v0.25.17 -> v0.25.17 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4725638Z * [new tag] v0.25.18 -> v0.25.18 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4725985Z * [new tag] v0.25.19 -> v0.25.19 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4726342Z * [new tag] v0.25.2 -> v0.25.2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4726686Z * [new tag] v0.25.20 -> v0.25.20 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4727032Z * [new tag] v0.25.21 -> v0.25.21 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4727376Z * [new tag] v0.25.22 -> v0.25.22 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4727724Z * [new tag] v0.25.23 -> v0.25.23 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4728069Z * [new tag] v0.25.24 -> v0.25.24 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4728414Z * [new tag] v0.25.25 -> v0.25.25 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4728762Z * [new tag] v0.25.26 -> v0.25.26 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4729109Z * [new tag] v0.25.27 -> v0.25.27 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4729456Z * [new tag] v0.25.28 -> v0.25.28 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4729810Z * [new tag] v0.25.29 -> v0.25.29 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4730155Z * [new tag] v0.25.3 -> v0.25.3 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4730509Z * [new tag] v0.25.30 -> v0.25.30 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4730856Z * [new tag] v0.25.31 -> v0.25.31 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4731205Z * [new tag] v0.25.32 -> v0.25.32 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4731545Z * [new tag] v0.25.33 -> v0.25.33 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4732027Z * [new tag] v0.25.34 -> v0.25.34 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4732380Z * [new tag] v0.25.35 -> v0.25.35 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4732722Z * [new tag] v0.25.36 -> v0.25.36 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4733325Z * [new tag] v0.25.37 -> v0.25.37 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4733765Z * [new tag] v0.25.38 -> v0.25.38 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4734112Z * [new tag] v0.25.39 -> v0.25.39 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4734464Z * [new tag] v0.25.4 -> v0.25.4 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4734817Z * [new tag] v0.25.40 -> v0.25.40 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4735165Z * [new tag] v0.25.41 -> v0.25.41 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4735506Z * [new tag] v0.25.42 -> v0.25.42 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4735856Z * [new tag] v0.25.43 -> v0.25.43 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4736214Z * [new tag] v0.25.44 -> v0.25.44 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4736555Z * [new tag] v0.25.45 -> v0.25.45 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4736901Z * [new tag] v0.25.46 -> v0.25.46 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4737390Z * [new tag] v0.25.47 -> v0.25.47 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4737734Z * [new tag] v0.25.48 -> v0.25.48 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4738086Z * [new tag] v0.25.49 -> v0.25.49 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4738444Z * [new tag] v0.25.5 -> v0.25.5 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4738791Z * [new tag] v0.25.50 -> v0.25.50 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4739144Z * [new tag] v0.25.51 -> v0.25.51 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4739492Z * [new tag] v0.25.52 -> v0.25.52 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4739840Z * [new tag] v0.25.53 -> v0.25.53 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4740192Z * [new tag] v0.25.54 -> v0.25.54 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4740540Z * [new tag] v0.25.55 -> v0.25.55 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4740887Z * [new tag] v0.25.56 -> v0.25.56 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4741252Z * [new tag] v0.25.57 -> v0.25.57 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4741597Z * [new tag] v0.25.59 -> v0.25.59 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4741941Z * [new tag] v0.25.6 -> v0.25.6 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4742283Z * [new tag] v0.25.60 -> v0.25.60 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4742625Z * [new tag] v0.25.61 -> v0.25.61 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4742971Z * [new tag] v0.25.62 -> v0.25.62 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4743510Z * [new tag] v0.25.63 -> v0.25.63 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4743860Z * [new tag] v0.25.64 -> v0.25.64 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4744210Z * [new tag] v0.25.65 -> v0.25.65 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4744558Z * [new tag] v0.25.66 -> v0.25.66 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4744894Z * [new tag] v0.25.67 -> v0.25.67 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4745240Z * [new tag] v0.25.68 -> v0.25.68 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4745582Z * [new tag] v0.25.69 -> v0.25.69 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4745924Z * [new tag] v0.25.7 -> v0.25.7 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4746265Z * [new tag] v0.25.70 -> v0.25.70 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4746610Z * [new tag] v0.25.71 -> v0.25.71 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4746952Z * [new tag] v0.25.72 -> v0.25.72 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4747292Z * [new tag] v0.25.73 -> v0.25.73 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4747639Z * [new tag] v0.25.74 -> v0.25.74 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4748106Z * [new tag] v0.25.75 -> v0.25.75 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4748459Z * [new tag] v0.25.76 -> v0.25.76 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4748807Z * [new tag] v0.25.77 -> v0.25.77 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4749160Z * [new tag] v0.25.8 -> v0.25.8 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4749503Z * [new tag] v0.25.80 -> v0.25.80 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4749853Z * [new tag] v0.25.81 -> v0.25.81 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4750197Z * [new tag] v0.25.82 -> v0.25.82 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4750544Z * [new tag] v0.25.83 -> v0.25.83 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4750881Z * [new tag] v0.25.84 -> v0.25.84 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4751254Z * [new tag] v0.25.85 -> v0.25.85 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4751599Z * [new tag] v0.25.86 -> v0.25.86 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4751949Z * [new tag] v0.25.87 -> v0.25.87 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4752296Z * [new tag] v0.25.88 -> v0.25.88 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4752647Z * [new tag] v0.25.89 -> v0.25.89 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4753305Z * [new tag] v0.25.9 -> v0.25.9 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4753737Z * [new tag] v0.25.90 -> v0.25.90 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4754095Z * [new tag] v0.25.91 -> v0.25.91 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4754445Z * [new tag] v0.25.92 -> v0.25.92 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4754790Z * [new tag] v0.25.93 -> v0.25.93 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4755139Z * [new tag] v0.25.94 -> v0.25.94 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4755485Z * [new tag] v0.25.95 -> v0.25.95 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4755825Z * [new tag] v0.25.96 -> v0.25.96 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4756185Z * [new tag] v0.25.97 -> v0.25.97 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4756533Z * [new tag] v0.25.98 -> v0.25.98 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4756874Z * [new tag] v0.25.99 -> v0.25.99 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4757227Z * [new tag] v0.30.0 -> v0.30.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4757578Z * [new tag] v0.5.33 -> v0.5.33 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4757926Z * [new tag] v0.5.34 -> v0.5.34 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4758268Z * [new tag] v0.50.0 -> v0.50.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4758615Z * [new tag] v0.50.2 -> v0.50.2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4758964Z * [new tag] v0.50.3 -> v0.50.3 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4759301Z * [new tag] v0.51.0 -> v0.51.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4759640Z * [new tag] v0.51.1 -> v0.51.1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4759988Z * [new tag] v0.52.0 -> v0.52.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4760323Z * [new tag] v0.52.1 -> v0.52.1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4760667Z * [new tag] v0.52.10 -> v0.52.10 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4761019Z * [new tag] v0.52.11 -> v0.52.11 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4761358Z * [new tag] v0.52.12 -> v0.52.12 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4761701Z * [new tag] v0.52.13 -> v0.52.13 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4762049Z * [new tag] v0.52.14 -> v0.52.14 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4762389Z * [new tag] v0.52.15 -> v0.52.15 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4762727Z * [new tag] v0.52.16 -> v0.52.16 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4763267Z * [new tag] v0.52.17 -> v0.52.17 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4763628Z * [new tag] v0.52.18 -> v0.52.18 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4764106Z * [new tag] v0.52.19 -> v0.52.19 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4764466Z * [new tag] v0.52.2 -> v0.52.2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4764810Z * [new tag] v0.52.22 -> v0.52.22 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4765157Z * [new tag] v0.52.23 -> v0.52.23 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4765501Z * [new tag] v0.52.24 -> v0.52.24 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4765843Z * [new tag] v0.52.25 -> v0.52.25 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4766182Z * [new tag] v0.52.26 -> v0.52.26 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4766517Z * [new tag] v0.52.27 -> v0.52.27 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4766861Z * [new tag] v0.52.28 -> v0.52.28 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4767205Z * [new tag] v0.52.29 -> v0.52.29 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4767553Z * [new tag] v0.52.3 -> v0.52.3 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4767903Z * [new tag] v0.52.30 -> v0.52.30 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4768246Z * [new tag] v0.52.31 -> v0.52.31 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4768590Z * [new tag] v0.52.32 -> v0.52.32 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4769061Z * [new tag] v0.52.33 -> v0.52.33 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4769407Z * [new tag] v0.52.34 -> v0.52.34 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4769788Z * [new tag] v0.52.35 -> v0.52.35 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4770127Z * [new tag] v0.52.36 -> v0.52.36 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4770471Z * [new tag] v0.52.37 -> v0.52.37 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4770815Z * [new tag] v0.52.38 -> v0.52.38 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4771152Z * [new tag] v0.52.39 -> v0.52.39 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4771500Z * [new tag] v0.52.4 -> v0.52.4 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4771854Z * [new tag] v0.52.40 -> v0.52.40 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4772198Z * [new tag] v0.52.41 -> v0.52.41 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4772550Z * [new tag] v0.52.42 -> v0.52.42 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4772907Z * [new tag] v0.52.43 -> v0.52.43 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4773437Z * [new tag] v0.52.44 -> v0.52.44 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4773790Z * [new tag] v0.52.45 -> v0.52.45 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4774130Z * [new tag] v0.52.46 -> v0.52.46 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4774474Z * [new tag] v0.52.47 -> v0.52.47 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4774812Z * [new tag] v0.52.48 -> v0.52.48 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4775156Z * [new tag] v0.52.49 -> v0.52.49 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4775504Z * [new tag] v0.52.5 -> v0.52.5 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4775857Z * [new tag] v0.52.50 -> v0.52.50 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4776202Z * [new tag] v0.52.51 -> v0.52.51 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4776576Z * [new tag] v0.52.52 -> v0.52.52 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4776918Z * [new tag] v0.52.53 -> v0.52.53 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4777258Z * [new tag] v0.52.54 -> v0.52.54 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4777599Z * [new tag] v0.52.55 -> v0.52.55 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4777941Z * [new tag] v0.52.56 -> v0.52.56 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4778278Z * [new tag] v0.52.57 -> v0.52.57 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4778621Z * [new tag] v0.52.58 -> v0.52.58 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4778963Z * [new tag] v0.52.59 -> v0.52.59 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4779309Z * [new tag] v0.52.6 -> v0.52.6 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4779803Z * [new tag] v0.52.60 -> v0.52.60 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4780154Z * [new tag] v0.52.61 -> v0.52.61 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4780488Z * [new tag] v0.52.62 -> v0.52.62 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4780837Z * [new tag] v0.52.63 -> v0.52.63 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4781181Z * [new tag] v0.52.64 -> v0.52.64 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4781521Z * [new tag] v0.52.65 -> v0.52.65 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4781865Z * [new tag] v0.52.66 -> v0.52.66 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4782208Z * [new tag] v0.52.67 -> v0.52.67 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4782554Z * [new tag] v0.52.68 -> v0.52.68 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4782891Z * [new tag] v0.52.69 -> v0.52.69 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4783419Z * [new tag] v0.52.7 -> v0.52.7 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4783775Z * [new tag] v0.52.70 -> v0.52.70 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4784118Z * [new tag] v0.52.8 -> v0.52.8 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4784464Z * [new tag] v0.52.9 -> v0.52.9 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4784810Z * [new tag] v0.53.0 -> v0.53.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4785287Z * [new tag] v0.53.1 -> v0.53.1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4785631Z * [new tag] v0.53.12 -> v0.53.12 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4785979Z * [new tag] v0.53.13 -> v0.53.13 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4786323Z * [new tag] v0.53.2 -> v0.53.2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4786664Z * [new tag] v0.53.3 -> v0.53.3 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4787010Z * [new tag] v0.53.4 -> v0.53.4 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4787355Z * [new tag] v0.53.6 -> v0.53.6 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4787697Z * [new tag] v0.53.8 -> v0.53.8 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4788043Z * [new tag] v0.53.9 -> v0.53.9 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4788385Z * [new tag] v0.54.0 -> v0.54.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4788728Z * [new tag] v0.54.11 -> v0.54.11 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4789083Z * [new tag] v0.54.3 -> v0.54.3 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4789424Z * [new tag] v0.54.5 -> v0.54.5 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4789770Z * [new tag] v0.54.8 -> v0.54.8 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4790110Z * [new tag] v0.54.9 -> v0.54.9 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4790459Z * [new tag] v0.55.0 -> v0.55.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4790803Z * [new tag] v0.55.1 -> v0.55.1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4791138Z * [new tag] v0.55.10 -> v0.55.10 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4791494Z * [new tag] v0.55.11 -> v0.55.11 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4791843Z * [new tag] v0.55.13 -> v0.55.13 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4792183Z * [new tag] v0.55.15 -> v0.55.15 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4792532Z * [new tag] v0.55.16 -> v0.55.16 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4792882Z * [new tag] v0.55.18 -> v0.55.18 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4793455Z * [new tag] v0.55.2 -> v0.55.2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4793807Z * [new tag] v0.55.20 -> v0.55.20 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4794152Z * [new tag] v0.55.21 -> v0.55.21 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4794495Z * [new tag] v0.55.22 -> v0.55.22 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4794829Z * [new tag] v0.55.23 -> v0.55.23 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4795175Z * [new tag] v0.55.24 -> v0.55.24 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4795654Z * [new tag] v0.55.25 -> v0.55.25 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4795998Z * [new tag] v0.55.3 -> v0.55.3 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4796345Z * [new tag] v0.55.4 -> v0.55.4 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4796692Z * [new tag] v0.55.5 -> v0.55.5 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4797042Z * [new tag] v0.55.6 -> v0.55.6 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4797389Z * [new tag] v0.55.9 -> v0.55.9 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4797736Z * [new tag] v0.56.1 -> v0.56.1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4798086Z * [new tag] v0.56.11 -> v0.56.11 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4798428Z * [new tag] v0.56.2 -> v0.56.2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4798781Z * [new tag] v0.56.22 -> v0.56.22 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4799130Z * [new tag] v0.56.24 -> v0.56.24 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4799472Z * [new tag] v0.56.27 -> v0.56.27 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4799819Z * [new tag] v0.56.28 -> v0.56.28 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4800165Z * [new tag] v0.56.29 -> v0.56.29 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4800506Z * [new tag] v0.56.30 -> v0.56.30 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4800959Z * [new tag] v0.56.31 -> v0.56.31 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4801305Z * [new tag] v0.56.33 -> v0.56.33 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4801651Z * [new tag] v0.56.35 -> v0.56.35 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4801991Z * [new tag] v0.56.37 -> v0.56.37 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4802336Z * [new tag] v0.56.42 -> v0.56.42 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4802678Z * [new tag] v0.56.43 -> v0.56.43 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4803014Z * [new tag] v0.56.44 -> v0.56.44 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4803548Z * [new tag] v0.56.46 -> v0.56.46 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4803900Z * [new tag] v0.56.47 -> v0.56.47 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4804243Z * [new tag] v0.56.48 -> v0.56.48 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4804587Z * [new tag] v0.56.49 -> v0.56.49 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4804940Z * [new tag] v0.56.5 -> v0.56.5 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4805292Z * [new tag] v0.56.50 -> v0.56.50 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4805635Z * [new tag] v0.56.51 -> v0.56.51 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4805979Z * [new tag] v0.56.52 -> v0.56.52 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4806328Z * [new tag] v0.56.53 -> v0.56.53 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4806668Z * [new tag] v0.57.0 -> v0.57.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4807014Z * [new tag] v0.57.1 -> v0.57.1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4807366Z * [new tag] v0.57.10 -> v0.57.10 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4807710Z * [new tag] v0.57.11 -> v0.57.11 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4808056Z * [new tag] v0.57.12 -> v0.57.12 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4808400Z * [new tag] v0.57.13 -> v0.57.13 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4808746Z * [new tag] v0.57.14 -> v0.57.14 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4809084Z * [new tag] v0.57.15 -> v0.57.15 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4809434Z * [new tag] v0.57.16 -> v0.57.16 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4809776Z * [new tag] v0.57.17 -> v0.57.17 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4810115Z * [new tag] v0.57.19 -> v0.57.19 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4810458Z * [new tag] v0.57.2 -> v0.57.2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4810802Z * [new tag] v0.57.20 -> v0.57.20 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4811261Z * [new tag] v0.57.21 -> v0.57.21 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4811610Z * [new tag] v0.57.22 -> v0.57.22 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4811957Z * [new tag] v0.57.23 -> v0.57.23 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4812299Z * [new tag] v0.57.24 -> v0.57.24 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4812641Z * [new tag] v0.57.25 -> v0.57.25 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4812984Z * [new tag] v0.57.26 -> v0.57.26 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4813508Z * [new tag] v0.57.27 -> v0.57.27 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4813848Z * [new tag] v0.57.28 -> v0.57.28 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4814191Z * [new tag] v0.57.29 -> v0.57.29 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4814538Z * [new tag] v0.57.3 -> v0.57.3 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4814881Z * [new tag] v0.57.30 -> v0.57.30 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4815232Z * [new tag] v0.57.31 -> v0.57.31 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4815576Z * [new tag] v0.57.32 -> v0.57.32 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4815919Z * [new tag] v0.57.33 -> v0.57.33 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4816258Z * [new tag] v0.57.34 -> v0.57.34 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4816771Z * [new tag] v0.57.35 -> v0.57.35 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4817117Z * [new tag] v0.57.36 -> v0.57.36 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4817457Z * [new tag] v0.57.37 -> v0.57.37 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4817801Z * [new tag] v0.57.38 -> v0.57.38 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4818147Z * [new tag] v0.57.39 -> v0.57.39 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4818488Z * [new tag] v0.57.4 -> v0.57.4 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4818836Z * [new tag] v0.57.40 -> v0.57.40 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4819187Z * [new tag] v0.57.41 -> v0.57.41 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4819526Z * [new tag] v0.57.42 -> v0.57.42 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4819868Z * [new tag] v0.57.43 -> v0.57.43 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4834639Z * [new tag] v0.57.44 -> v0.57.44 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4835287Z * [new tag] v0.57.45 -> v0.57.45 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4835879Z * [new tag] v0.57.46 -> v0.57.46 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4836441Z * [new tag] v0.57.47 -> v0.57.47 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4836994Z * [new tag] v0.57.48 -> v0.57.48 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4837635Z * [new tag] v0.57.49 -> v0.57.49 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4838260Z * [new tag] v0.57.5 -> v0.57.5 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4838866Z * [new tag] v0.57.50 -> v0.57.50 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4839525Z * [new tag] v0.57.51 -> v0.57.51 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4840181Z * [new tag] v0.57.52 -> v0.57.52 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4840832Z * [new tag] v0.57.53 -> v0.57.53 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4841463Z * [new tag] v0.57.54 -> v0.57.54 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4842122Z * [new tag] v0.57.55 -> v0.57.55 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4842760Z * [new tag] v0.57.56 -> v0.57.56 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4843604Z * [new tag] v0.57.57 -> v0.57.57 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4844238Z * [new tag] v0.57.58 -> v0.57.58 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4844849Z * [new tag] v0.57.59 -> v0.57.59 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4845483Z * [new tag] v0.57.6 -> v0.57.6 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4846124Z * [new tag] v0.57.60 -> v0.57.60 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4846985Z * [new tag] v0.57.61 -> v0.57.61 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4847648Z * [new tag] v0.57.62 -> v0.57.62 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4848319Z * [new tag] v0.57.63 -> v0.57.63 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4848922Z * [new tag] v0.57.64 -> v0.57.64 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4849617Z * [new tag] v0.57.65 -> v0.57.65 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4850166Z * [new tag] v0.57.66 -> v0.57.66 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4850544Z * [new tag] v0.57.67 -> v0.57.67 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4850915Z * [new tag] v0.57.68 -> v0.57.68 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4851285Z * [new tag] v0.57.69 -> v0.57.69 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4851656Z * [new tag] v0.57.7 -> v0.57.7 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4852013Z * [new tag] v0.57.70 -> v0.57.70 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4852379Z * [new tag] v0.57.71 -> v0.57.71 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4852730Z * [new tag] v0.57.72 -> v0.57.72 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4853263Z * [new tag] v0.57.73 -> v0.57.73 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4853641Z * [new tag] v0.57.74 -> v0.57.74 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4854173Z * [new tag] v0.57.75 -> v0.57.75 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4854520Z * [new tag] v0.57.76 -> v0.57.76 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4854873Z * [new tag] v0.57.77 -> v0.57.77 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4855238Z * [new tag] v0.57.78 -> v0.57.78 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4855585Z * [new tag] v0.57.79 -> v0.57.79 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4855928Z * [new tag] v0.57.8 -> v0.57.8 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4856280Z * [new tag] v0.57.80 -> v0.57.80 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4856627Z * [new tag] v0.57.81 -> v0.57.81 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4856970Z * [new tag] v0.57.82 -> v0.57.82 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4857319Z * [new tag] v0.57.84 -> v0.57.84 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4857665Z * [new tag] v0.57.85 -> v0.57.85 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4858008Z * [new tag] v0.57.86 -> v0.57.86 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4858358Z * [new tag] v0.57.87 -> v0.57.87 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4858704Z * [new tag] v0.57.88 -> v0.57.88 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4859059Z * [new tag] v0.57.9 -> v0.57.9 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4859410Z * [new tag] v0.58.0 -> v0.58.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4859759Z * [new tag] v0.58.1 -> v0.58.1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4860108Z * [new tag] v0.58.10 -> v0.58.10 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4860453Z * [new tag] v0.58.2 -> v0.58.2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4860811Z * [new tag] v0.58.3 -> v0.58.3 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4861163Z * [new tag] v0.58.4 -> v0.58.4 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4861511Z * [new tag] v0.58.5 -> v0.58.5 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4861870Z * [new tag] v0.58.6 -> v0.58.6 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4862220Z * [new tag] v0.58.7 -> v0.58.7 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4862570Z * [new tag] v0.58.8 -> v0.58.8 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4862912Z * [new tag] v0.58.9 -> v0.58.9 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4863453Z * [new tag] v0.59.0 -> v0.59.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4863812Z * [new tag] v0.59.1 -> v0.59.1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4864162Z * [new tag] v0.6.117 -> v0.6.117 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4864520Z * [new tag] v0.6.137 -> v0.6.137 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4864993Z * [new tag] v0.6.139 -> v0.6.139 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4865413Z * [new tag] v0.6.143 -> v0.6.143 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4865755Z * [new tag] v0.6.145 -> v0.6.145 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4866109Z * [new tag] v0.6.151 -> v0.6.151 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4866449Z * [new tag] v0.6.154 -> v0.6.154 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4866788Z * [new tag] v0.6.156 -> v0.6.156 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4867129Z * [new tag] v0.6.159 -> v0.6.159 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4867474Z * [new tag] v0.6.72 -> v0.6.72 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4867818Z * [new tag] v0.60.0 -> v0.60.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4868161Z * [new tag] v0.60.1 -> v0.60.1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4868510Z * [new tag] v0.60.10 -> v0.60.10 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4868859Z * [new tag] v0.60.11 -> v0.60.11 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4869205Z * [new tag] v0.60.12 -> v0.60.12 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4869548Z * [new tag] v0.60.13 -> v0.60.13 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4870040Z * [new tag] v0.60.14 -> v0.60.14 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4870392Z * [new tag] v0.60.15 -> v0.60.15 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4870738Z * [new tag] v0.60.17 -> v0.60.17 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4871079Z * [new tag] v0.60.18 -> v0.60.18 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4871533Z * [new tag] v0.60.2 -> v0.60.2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4871887Z * [new tag] v0.60.3 -> v0.60.3 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4872242Z * [new tag] v0.60.4 -> v0.60.4 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4872585Z * [new tag] v0.60.5 -> v0.60.5 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4872941Z * [new tag] v0.60.6 -> v0.60.6 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4873511Z * [new tag] v0.60.7 -> v0.60.7 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4873932Z * [new tag] v0.60.8 -> v0.60.8 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4874284Z * [new tag] v0.61.0 -> v0.61.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4874629Z * [new tag] v0.61.1 -> v0.61.1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4874975Z * [new tag] v0.61.10 -> v0.61.10 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4875316Z * [new tag] v0.61.11 -> v0.61.11 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4875660Z * [new tag] v0.61.12 -> v0.61.12 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4875999Z * [new tag] v0.61.13 -> v0.61.13 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4876337Z * [new tag] v0.61.14 -> v0.61.14 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4876675Z * [new tag] v0.61.15 -> v0.61.15 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4877030Z * [new tag] v0.61.16 -> v0.61.16 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4877376Z * [new tag] v0.61.17 -> v0.61.17 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4877714Z * [new tag] v0.61.18 -> v0.61.18 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4878068Z * [new tag] v0.61.19 -> v0.61.19 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4878417Z * [new tag] v0.61.2 -> v0.61.2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4878764Z * [new tag] v0.61.20 -> v0.61.20 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4879102Z * [new tag] v0.61.21 -> v0.61.21 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4879447Z * [new tag] v0.61.22 -> v0.61.22 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4879793Z * [new tag] v0.61.25 -> v0.61.25 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4880132Z * [new tag] v0.61.26 -> v0.61.26 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4880479Z * [new tag] v0.61.27 -> v0.61.27 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4880961Z * [new tag] v0.61.28 -> v0.61.28 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4881308Z * [new tag] v0.61.29 -> v0.61.29 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4881662Z * [new tag] v0.61.3 -> v0.61.3 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4882014Z * [new tag] v0.61.31 -> v0.61.31 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4882350Z * [new tag] v0.61.32 -> v0.61.32 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4882695Z * [new tag] v0.61.33 -> v0.61.33 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4883039Z * [new tag] v0.61.34 -> v0.61.34 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4883662Z * [new tag] v0.61.35 -> v0.61.35 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4884013Z * [new tag] v0.61.36 -> v0.61.36 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4884358Z * [new tag] v0.61.37 -> v0.61.37 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4884703Z * [new tag] v0.61.38 -> v0.61.38 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4885053Z * [new tag] v0.61.39 -> v0.61.39 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4885402Z * [new tag] v0.61.4 -> v0.61.4 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4885751Z * [new tag] v0.61.40 -> v0.61.40 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4886232Z * [new tag] v0.61.41 -> v0.61.41 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4886580Z * [new tag] v0.61.42 -> v0.61.42 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4886925Z * [new tag] v0.61.43 -> v0.61.43 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4887273Z * [new tag] v0.61.44 -> v0.61.44 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4887610Z * [new tag] v0.61.45 -> v0.61.45 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4887953Z * [new tag] v0.61.46 -> v0.61.46 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4888297Z * [new tag] v0.61.47 -> v0.61.47 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4888634Z * [new tag] v0.61.48 -> v0.61.48 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4888984Z * [new tag] v0.61.49 -> v0.61.49 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4889336Z * [new tag] v0.61.5 -> v0.61.5 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4889678Z * [new tag] v0.61.50 -> v0.61.50 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4890027Z * [new tag] v0.61.51 -> v0.61.51 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4890372Z * [new tag] v0.61.52 -> v0.61.52 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4890714Z * [new tag] v0.61.53 -> v0.61.53 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4891054Z * [new tag] v0.61.54 -> v0.61.54 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4891589Z * [new tag] v0.61.6 -> v0.61.6 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4891945Z * [new tag] v0.61.7 -> v0.61.7 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4892306Z * [new tag] v0.61.8 -> v0.61.8 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4892661Z * [new tag] v0.61.9 -> v0.61.9 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4893026Z * [new tag] v0.7.0 -> v0.7.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4893605Z * [new tag] v0.7.1 -> v0.7.1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4894035Z * [new tag] v0.7.15 -> v0.7.15 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4894385Z * [new tag] v0.7.19 -> v0.7.19 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4894741Z * [new tag] v0.7.2 -> v0.7.2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4895083Z * [new tag] v0.7.22 -> v0.7.22 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4895430Z * [new tag] v0.7.24 -> v0.7.24 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4895774Z * [new tag] v0.7.3 -> v0.7.3 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4896113Z * [new tag] v0.7.9 -> v0.7.9 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4896455Z * [new tag] v0.8.0 -> v0.8.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4896811Z * [new tag] v0.8.12 -> v0.8.12 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4897279Z * [new tag] v0.8.2 -> v0.8.2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4897637Z * [new tag] v0.8.4 -> v0.8.4 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4897993Z * [new tag] v0.8.7 -> v0.8.7 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4898340Z * [new tag] v0.8.8 -> v0.8.8 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4898699Z * [new tag] v0.9.0 -> v0.9.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4899046Z * [new tag] v0.9.11 -> v0.9.11 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4899394Z * [new tag] v0.9.2 -> v0.9.2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4899731Z * [new tag] v0.9.6 -> v0.9.6 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4900073Z * [new tag] v0.9.8 -> v0.9.8 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4900418Z * [new tag] v0.9.9 -> v0.9.9 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.4900836Z * [new ref] 8f35981a070d719505b06b5581803ac218073bbb -> pull/3227/merge -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.5347095Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.5347618Z ##[group]Determining the checkout info -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.5348481Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.5354596Z [command]/usr/bin/git sparse-checkout disable -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.5403501Z [command]/usr/bin/git config --local --unset-all extensions.worktreeConfig -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.5433550Z ##[group]Checking out the ref -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.5434340Z [command]/usr/bin/git checkout --progress --force refs/remotes/pull/3227/merge -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.7593731Z Note: switching to 'refs/remotes/pull/3227/merge'. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.7594239Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.7594590Z You are in 'detached HEAD' state. You can look around, make experimental -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.7595402Z changes and commit them, and you can discard any commits you make in this -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.7596158Z state without impacting any branches by switching back to a branch. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.7596613Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.7596906Z If you want to create a new branch to retain commits you create, you may -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.7597600Z do so (now or later) by using -c with the switch command. Example: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.7597982Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.7598165Z git switch -c -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.7598458Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.7598611Z Or undo this operation with: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.7598895Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.7599021Z git switch - -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.7599203Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.7599533Z Turn off this advice by setting config variable advice.detachedHead to false -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.7600010Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.7600599Z HEAD is now at 8f35981a0 Merge ee651e0549dac8cb59c211ff0b7e2308fde12973 into 730420b8c0c3f15f4315d5cc25b5f1de8c61722c -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.7621345Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.7669693Z [command]/usr/bin/git log -1 --format=%H -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.7692718Z 8f35981a070d719505b06b5581803ac218073bbb -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.7909430Z ##[group]Run actions/setup-dotnet@v5 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.7909719Z with: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.7909907Z dotnet-version: 6.0.x -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.7910119Z cache: false -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.7910306Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.9212958Z (node:2178) [DEP0040] DeprecationWarning: The `punycode` module is deprecated. Please use a userland alternative instead. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.9213926Z (Use `node --trace-deprecation ...` to show where the warning was created) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:10.9279966Z [command]/home/runner/work/_actions/actions/setup-dotnet/v5/externals/install-dotnet.sh --skip-non-versioned-files --runtime dotnet --channel LTS -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:11.3239431Z dotnet-install: .NET Core Runtime with version '8.0.20' is already installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:11.3266147Z [command]/home/runner/work/_actions/actions/setup-dotnet/v5/externals/install-dotnet.sh --skip-non-versioned-files --channel 6.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:11.5931542Z dotnet-install: Attempting to download using aka.ms link https://builds.dotnet.microsoft.com/dotnet/Sdk/6.0.428/dotnet-sdk-6.0.428-linux-x64.tar.gz -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:12.5749843Z dotnet-install: Remote file https://builds.dotnet.microsoft.com/dotnet/Sdk/6.0.428/dotnet-sdk-6.0.428-linux-x64.tar.gz size is 188484831 bytes. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:12.5752419Z dotnet-install: Extracting archive from https://builds.dotnet.microsoft.com/dotnet/Sdk/6.0.428/dotnet-sdk-6.0.428-linux-x64.tar.gz -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:16.4502856Z dotnet-install: Downloaded file size is 188484831 bytes. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:16.4505098Z dotnet-install: The remote and local file sizes are equal. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:16.6613579Z dotnet-install: Installed version is 6.0.428 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:16.6676246Z dotnet-install: Adding to current process PATH: `/usr/share/dotnet`. Note: This change will be visible only when sourcing script. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:16.6677481Z dotnet-install: Note that the script does not resolve dependencies during installation. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:16.6678768Z dotnet-install: To check the list of dependencies, go to https://learn.microsoft.com/dotnet/core/install, select your operating system and check the "Dependencies" section. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:16.6679502Z dotnet-install: Installation finished successfully. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:16.6828233Z ##[group]Run actions/setup-dotnet@v5 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:16.6828519Z with: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:16.6828707Z dotnet-version: 8.0.x -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:16.6828915Z cache: false -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:16.6829094Z env: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:16.6829274Z DOTNET_ROOT: /usr/share/dotnet -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:16.6829681Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:16.8160830Z (node:2476) [DEP0040] DeprecationWarning: The `punycode` module is deprecated. Please use a userland alternative instead. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:16.8162290Z (Use `node --trace-deprecation ...` to show where the warning was created) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:16.8199562Z [command]/home/runner/work/_actions/actions/setup-dotnet/v5/externals/install-dotnet.sh --skip-non-versioned-files --runtime dotnet --channel LTS -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:17.0444439Z dotnet-install: .NET Core Runtime with version '8.0.20' is already installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:17.0481261Z [command]/home/runner/work/_actions/actions/setup-dotnet/v5/externals/install-dotnet.sh --skip-non-versioned-files --channel 8.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:17.2765787Z dotnet-install: .NET Core SDK with version '8.0.414' is already installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:17.2904050Z ##[group]Run actions/setup-dotnet@v5 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:17.2904331Z with: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:17.2904516Z dotnet-version: 9.0.x -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:17.2904736Z cache: false -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:17.2904909Z env: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:17.2905089Z DOTNET_ROOT: /usr/share/dotnet -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:17.2905310Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:17.4212325Z (node:2637) [DEP0040] DeprecationWarning: The `punycode` module is deprecated. Please use a userland alternative instead. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:17.4213842Z (Use `node --trace-deprecation ...` to show where the warning was created) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:17.4257447Z [command]/home/runner/work/_actions/actions/setup-dotnet/v5/externals/install-dotnet.sh --skip-non-versioned-files --runtime dotnet --channel LTS -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:17.6863878Z dotnet-install: .NET Core Runtime with version '8.0.20' is already installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:17.6888990Z [command]/home/runner/work/_actions/actions/setup-dotnet/v5/externals/install-dotnet.sh --skip-non-versioned-files --channel 9.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:17.9535249Z dotnet-install: .NET Core SDK with version '9.0.305' is already installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:17.9681942Z ##[group]Run actions/setup-dotnet@v5 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:17.9682229Z with: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:17.9682421Z dotnet-version: 10.0.x -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:17.9682639Z cache: false -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:17.9682809Z env: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:17.9682990Z DOTNET_ROOT: /usr/share/dotnet -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:17.9683541Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:18.0999170Z (node:2798) [DEP0040] DeprecationWarning: The `punycode` module is deprecated. Please use a userland alternative instead. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:18.0999922Z (Use `node --trace-deprecation ...` to show where the warning was created) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:18.1038989Z [command]/home/runner/work/_actions/actions/setup-dotnet/v5/externals/install-dotnet.sh --skip-non-versioned-files --runtime dotnet --channel LTS -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:18.3227194Z dotnet-install: .NET Core Runtime with version '8.0.20' is already installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:18.3254381Z [command]/home/runner/work/_actions/actions/setup-dotnet/v5/externals/install-dotnet.sh --skip-non-versioned-files --channel 10.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:19.1607322Z dotnet-install: Attempting to download using primary link https://builds.dotnet.microsoft.com/dotnet/Sdk/10.0.100-rc.1.25451.107/dotnet-sdk-10.0.100-rc.1.25451.107-linux-x64.tar.gz -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:20.5356178Z dotnet-install: Remote file https://builds.dotnet.microsoft.com/dotnet/Sdk/10.0.100-rc.1.25451.107/dotnet-sdk-10.0.100-rc.1.25451.107-linux-x64.tar.gz size is 248007885 bytes. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:20.5360884Z dotnet-install: Extracting archive from https://builds.dotnet.microsoft.com/dotnet/Sdk/10.0.100-rc.1.25451.107/dotnet-sdk-10.0.100-rc.1.25451.107-linux-x64.tar.gz -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:25.5301397Z dotnet-install: Downloaded file size is 248007885 bytes. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:25.5302494Z dotnet-install: The remote and local file sizes are equal. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:25.8164887Z dotnet-install: Installed version is 10.0.100-rc.1.25451.107 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:25.8225514Z dotnet-install: Adding to current process PATH: `/usr/share/dotnet`. Note: This change will be visible only when sourcing script. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:25.8226652Z dotnet-install: Note that the script does not resolve dependencies during installation. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:25.8228467Z dotnet-install: To check the list of dependencies, go to https://learn.microsoft.com/dotnet/core/install, select your operating system and check the "Dependencies" section. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:25.8229261Z dotnet-install: Installation finished successfully. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:25.8367190Z ##[group]Run docker/setup-docker-action@v4.3.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:25.8367509Z with: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:25.8367694Z version: latest -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:25.8367888Z set-host: false -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:25.8368075Z rootless: false -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:25.8368257Z env: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:25.8368438Z DOTNET_ROOT: /usr/share/dotnet -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:25.8368673Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:26.1089043Z ##[group]Download docker -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:26.1092220Z Downloading Docker latest from stable at download.docker.com -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:26.1747539Z Downloading https://download.docker.com/linux/static/stable/x86_64/docker-28.4.0.tgz -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:26.6586119Z [command]/usr/bin/tar xz --warning=no-unknown-keyword --overwrite -C /home/runner/work/_temp/d0737a62-7efb-43db-931a-454a52605831 -f /home/runner/work/_temp/c7ea28ec-0380-4e9c-bc7d-e4449f51f2e6 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:28.0380433Z Fixing perms -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:28.2694957Z Added Docker to PATH -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:28.2695634Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:28.2707660Z ##[group]Start Docker daemon -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:28.2723212Z [command] /opt/hostedtoolcache/docker-archive-stable/28.4.0/x64/dockerd --host="unix:///home/runner/setup-docker-action-a7e02268/docker.sock" --config-file="/home/runner/setup-docker-action-a7e02268/daemon.json" --exec-root="/home/runner/setup-docker-action-a7e02268/execroot" --data-root="/home/runner/setup-docker-action-a7e02268/data" --pidfile="/home/runner/setup-docker-action-a7e02268/docker.pid" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:28.3006607Z time="2025-09-28T19:16:28.300475860Z" level=info msg="Starting up" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:28.3014316Z time="2025-09-28T19:16:28.301271001Z" level=info msg="OTEL tracing is not configured, using no-op tracer provider" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:28.3016015Z time="2025-09-28T19:16:28.301399420Z" level=info msg="CDI directory does not exist, skipping: failed to monitor for changes: no such file or directory" dir=/etc/cdi -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:28.3017457Z time="2025-09-28T19:16:28.301429335Z" level=info msg="CDI directory does not exist, skipping: failed to monitor for changes: no such file or directory" dir=/var/run/cdi -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:28.3018762Z time="2025-09-28T19:16:28.301542877Z" level=info msg="detected 127.0.0.53 nameserver, assuming systemd-resolved, so using resolv.conf: /run/systemd/resolve/resolv.conf" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:28.3094683Z time="2025-09-28T19:16:28.309270346Z" level=info msg="Creating a containerd client" address=/run/containerd/containerd.sock timeout=1m0s -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.2830147Z time="2025-09-28T19:16:31.282292035Z" level=info msg="Loading containers: start." -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.6934174Z time="2025-09-28T19:16:31.693233055Z" level=info msg="Loading containers: done." -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7035397Z time="2025-09-28T19:16:31.703150889Z" level=warning msg="Not using native diff for overlay2, this may cause degraded performance for building images: kernel has CONFIG_OVERLAY_FS_REDIRECT_DIR enabled" storage-driver=overlay2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7038851Z time="2025-09-28T19:16:31.703225197Z" level=info msg="Docker daemon" commit=249d679 containerd-snapshotter=false storage-driver=overlay2 version=28.4.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7040117Z time="2025-09-28T19:16:31.703347996Z" level=info msg="Initializing buildkit" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7275273Z time="2025-09-28T19:16:31.727378767Z" level=info msg="Completed buildkit initialization" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7326089Z time="2025-09-28T19:16:31.732483668Z" level=info msg="Daemon has completed initialization" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7327481Z time="2025-09-28T19:16:31.732541959Z" level=info msg="API listen on /home/runner/setup-docker-action-a7e02268/docker.sock" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7393828Z Docker daemon started started successfully -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7395004Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7397932Z ##[group]Create Docker context -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7416295Z [command]/opt/hostedtoolcache/docker-archive-stable/28.4.0/x64/docker context create setup-docker-action --docker host=unix:///home/runner/setup-docker-action-a7e02268/docker.sock -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7523374Z setup-docker-action -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7524847Z Successfully created context "setup-docker-action" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7552826Z [command]/opt/hostedtoolcache/docker-archive-stable/28.4.0/x64/docker context use setup-docker-action -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7655198Z setup-docker-action -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7655666Z Current context is now "setup-docker-action" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7669946Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7670351Z ##[group]Setting outputs -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7671396Z sock=unix:///home/runner/setup-docker-action-a7e02268/docker.sock -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7674104Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7674929Z ##[group]Docker info -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7695554Z [command]/opt/hostedtoolcache/docker-archive-stable/28.4.0/x64/docker version -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7858138Z Client: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7858511Z Version: 28.4.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7858933Z API version: 1.51 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7859331Z Go version: go1.24.7 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7859721Z Git commit: d8eb465 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7860149Z Built: Wed Sep 3 20:56:28 2025 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7860620Z OS/Arch: linux/amd64 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7861033Z Context: setup-docker-action -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7861331Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7861542Z Server: Docker Engine - Community -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7861930Z Engine: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7862222Z Version: 28.4.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7862621Z API version: 1.51 (minimum version 1.24) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7863281Z Go version: go1.24.7 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7863651Z Git commit: 249d679 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7863885Z Built: Wed Sep 3 20:58:50 2025 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7864152Z OS/Arch: linux/amd64 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7864402Z Experimental: false -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7864616Z containerd: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7864801Z Version: 1.7.27 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7865071Z GitCommit: 05044ec0a9a75232cad458027ca83437aae3f4da -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7865353Z runc: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7865523Z Version: 1.3.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7865751Z GitCommit: v1.3.0-0-g4ca628d -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7865989Z docker-init: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7866174Z Version: 0.19.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7866386Z GitCommit: de40ad0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:31.7891329Z [command]/opt/hostedtoolcache/docker-archive-stable/28.4.0/x64/docker info -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0580209Z Client: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0580582Z Version: 28.4.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0580959Z Context: setup-docker-action -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0581381Z Debug Mode: false -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0581691Z Plugins: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0582006Z buildx: Docker Buildx (Docker Inc.) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0582436Z Version: v0.28.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0582903Z Path: /usr/libexec/docker/cli-plugins/docker-buildx -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0583666Z compose: Docker Compose (Docker Inc.) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0584093Z Version: v2.38.2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0584526Z Path: /usr/libexec/docker/cli-plugins/docker-compose -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0584905Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0585021Z Server: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0585314Z Containers: 0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0585622Z Running: 0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0585914Z Paused: 0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0586210Z Stopped: 0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0586513Z Images: 0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0586811Z Server Version: 28.4.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0587172Z Storage Driver: overlay2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0587580Z Backing Filesystem: extfs -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0587955Z Supports d_type: true -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0588309Z Using metacopy: false -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0588683Z Native Overlay Diff: false -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0589055Z userxattr: false -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0589391Z Logging Driver: json-file -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0589760Z Cgroup Driver: systemd -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0590500Z Cgroup Version: 2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0590795Z Plugins: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0591066Z Volume: local -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0591431Z Network: bridge host ipvlan macvlan null overlay -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0592075Z Log: awslogs fluentd gcplogs gelf journald json-file local splunk syslog -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0592940Z CDI spec directories: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0593439Z /etc/cdi -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0593763Z /var/run/cdi -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0594059Z Swarm: inactive -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0594396Z Runtimes: runc io.containerd.runc.v2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0594837Z Default Runtime: runc -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0595187Z Init Binary: docker-init -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0595490Z containerd version: 05044ec0a9a75232cad458027ca83437aae3f4da -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0595932Z runc version: v1.3.0-0-g4ca628d -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0596198Z init version: de40ad0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0596404Z Security Options: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0596596Z apparmor -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0596764Z seccomp -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0596944Z Profile: builtin -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0597122Z cgroupns -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0597303Z Kernel Version: 6.11.0-1018-azure -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0597564Z Operating System: Ubuntu 24.04.3 LTS -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0597802Z OSType: linux -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0597992Z Architecture: x86_64 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0598191Z CPUs: 4 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0598364Z Total Memory: 15.62GiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0598568Z Name: runnervm3ublj -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0598874Z ID: e62ea4ba-bffd-4f9b-88c4-d4e545e75dea -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0599370Z Docker Root Dir: /home/runner/setup-docker-action-a7e02268/data -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0599693Z Debug Mode: false -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0599897Z Username: githubactions -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0600108Z Experimental: false -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0600311Z Insecure Registries: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0600590Z ::1/128 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0600746Z 127.0.0.0/8 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0600933Z Live Restore Enabled: false -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0601169Z Product License: Community Engine -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0601338Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:34.0601698Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:39.0778802Z ##[group]Run npx playwright install-deps -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:39.0779182Z npx playwright install-deps -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:39.0815364Z shell: /usr/bin/bash -e {0} -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:39.0815609Z env: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:39.0815791Z DOTNET_ROOT: /usr/share/dotnet -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:39.0816031Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:43.4401805Z npm warn exec The following package was not found and will be installed: playwright@1.55.1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:44.9491971Z Installing dependencies... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:44.9562389Z Switching to root user to install dependencies... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.0268879Z Get:1 file:/etc/apt/apt-mirrors.txt Mirrorlist [144 B] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.0599089Z Hit:2 http://azure.archive.ubuntu.com/ubuntu noble InRelease -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.0601071Z Hit:6 https://packages.microsoft.com/repos/azure-cli noble InRelease -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.0602075Z Get:7 https://packages.microsoft.com/ubuntu/24.04/prod noble InRelease [3600 B] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.0620799Z Get:3 http://azure.archive.ubuntu.com/ubuntu noble-updates InRelease [126 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.0666897Z Get:4 http://azure.archive.ubuntu.com/ubuntu noble-backports InRelease [126 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.0701397Z Get:5 http://azure.archive.ubuntu.com/ubuntu noble-security InRelease [126 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.2249356Z Get:8 https://packages.microsoft.com/ubuntu/24.04/prod noble/main amd64 Packages [57.1 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.2354785Z Get:9 https://packages.microsoft.com/ubuntu/24.04/prod noble/main arm64 Packages [39.5 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.2715881Z Get:10 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 Packages [1443 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.2812879Z Get:11 http://azure.archive.ubuntu.com/ubuntu noble-updates/main Translation-en [282 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.2841513Z Get:12 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 Components [175 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.2859729Z Get:13 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 c-n-f Metadata [15.3 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.2873372Z Get:14 http://azure.archive.ubuntu.com/ubuntu noble-updates/universe amd64 Packages [1485 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.2951009Z Get:15 http://azure.archive.ubuntu.com/ubuntu noble-updates/universe Translation-en [299 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.2978979Z Get:16 http://azure.archive.ubuntu.com/ubuntu noble-updates/universe amd64 Components [377 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.3008952Z Get:17 http://azure.archive.ubuntu.com/ubuntu noble-updates/universe amd64 c-n-f Metadata [31.0 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.3022626Z Get:18 http://azure.archive.ubuntu.com/ubuntu noble-updates/restricted amd64 Packages [1957 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.3125651Z Get:19 http://azure.archive.ubuntu.com/ubuntu noble-updates/restricted Translation-en [441 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.3595179Z Get:20 http://azure.archive.ubuntu.com/ubuntu noble-updates/restricted amd64 Components [212 B] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.3603703Z Get:21 http://azure.archive.ubuntu.com/ubuntu noble-updates/multiverse amd64 Components [940 B] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.3621627Z Get:22 http://azure.archive.ubuntu.com/ubuntu noble-backports/main amd64 Packages [40.4 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.3637384Z Get:23 http://azure.archive.ubuntu.com/ubuntu noble-backports/main Translation-en [9208 B] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.3643935Z Get:24 http://azure.archive.ubuntu.com/ubuntu noble-backports/main amd64 Components [7084 B] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.3654639Z Get:25 http://azure.archive.ubuntu.com/ubuntu noble-backports/main amd64 c-n-f Metadata [368 B] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.3664290Z Get:26 http://azure.archive.ubuntu.com/ubuntu noble-backports/universe amd64 Packages [28.9 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.3682998Z Get:27 http://azure.archive.ubuntu.com/ubuntu noble-backports/universe Translation-en [17.5 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.3693623Z Get:28 http://azure.archive.ubuntu.com/ubuntu noble-backports/universe amd64 Components [11.0 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.3706060Z Get:29 http://azure.archive.ubuntu.com/ubuntu noble-backports/universe amd64 c-n-f Metadata [1444 B] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.3724750Z Get:30 http://azure.archive.ubuntu.com/ubuntu noble-backports/restricted amd64 Components [216 B] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.3736080Z Get:31 http://azure.archive.ubuntu.com/ubuntu noble-backports/multiverse amd64 Components [212 B] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.3822462Z Get:32 http://azure.archive.ubuntu.com/ubuntu noble-security/main amd64 Packages [1171 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.3903589Z Get:33 http://azure.archive.ubuntu.com/ubuntu noble-security/main Translation-en [198 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.4352843Z Get:34 http://azure.archive.ubuntu.com/ubuntu noble-security/main amd64 Components [21.5 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.4364632Z Get:35 http://azure.archive.ubuntu.com/ubuntu noble-security/main amd64 c-n-f Metadata [8744 B] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.4379340Z Get:36 http://azure.archive.ubuntu.com/ubuntu noble-security/universe amd64 Packages [880 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.4426159Z Get:37 http://azure.archive.ubuntu.com/ubuntu noble-security/universe Translation-en [195 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.4447904Z Get:38 http://azure.archive.ubuntu.com/ubuntu noble-security/universe amd64 Components [52.3 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.4475044Z Get:39 http://azure.archive.ubuntu.com/ubuntu noble-security/universe amd64 c-n-f Metadata [18.0 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.4494588Z Get:40 http://azure.archive.ubuntu.com/ubuntu noble-security/restricted amd64 Packages [1872 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.4598062Z Get:41 http://azure.archive.ubuntu.com/ubuntu noble-security/restricted Translation-en [423 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.4633296Z Get:42 http://azure.archive.ubuntu.com/ubuntu noble-security/restricted amd64 Components [212 B] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:45.4645673Z Get:43 http://azure.archive.ubuntu.com/ubuntu noble-security/multiverse amd64 Components [212 B] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:53.9783541Z Fetched 11.9 MB in 1s (8314 kB/s) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.7021874Z Reading package lists... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.7276049Z Reading package lists... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.8972851Z Building dependency tree... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.8980219Z Reading state information... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9128707Z libasound2t64 is already the newest version (1.2.11-1ubuntu0.1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9129435Z libasound2t64 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9130059Z libatk-bridge2.0-0t64 is already the newest version (2.52.0-1build1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9130974Z libatk-bridge2.0-0t64 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9131849Z libatk1.0-0t64 is already the newest version (2.52.0-1build1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9132658Z libatk1.0-0t64 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9133886Z libatspi2.0-0t64 is already the newest version (2.52.0-1build1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9134685Z libatspi2.0-0t64 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9135582Z libcairo2 is already the newest version (1.18.0-3build1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9136301Z libcairo2 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9136954Z libcups2t64 is already the newest version (2.4.7-1.2ubuntu7.4). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9137351Z libcups2t64 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9137737Z libdbus-1-3 is already the newest version (1.14.10-4ubuntu4.1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9138128Z libdbus-1-3 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9138528Z libdrm2 is already the newest version (2.4.122-1~ubuntu0.24.04.1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9138901Z libdrm2 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9139335Z libgbm1 is already the newest version (25.0.7-0ubuntu0.24.04.2). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9139701Z libgbm1 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9140079Z libglib2.0-0t64 is already the newest version (2.80.0-6ubuntu3.4). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9140458Z libglib2.0-0t64 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9140825Z libnspr4 is already the newest version (2:4.35-1.1build1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9141172Z libnspr4 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9141539Z libnss3 is already the newest version (2:3.98-1build1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9141864Z libnss3 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9142228Z libpango-1.0-0 is already the newest version (1.52.1+ds-1build1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9142602Z libpango-1.0-0 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9143450Z libx11-6 is already the newest version (2:1.8.7-1build1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9143830Z libx11-6 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9144174Z libxcb1 is already the newest version (1.15-1ubuntu2). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9144501Z libxcb1 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9144870Z libxcomposite1 is already the newest version (1:0.4.5-1build3). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9145262Z libxcomposite1 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9145635Z libxdamage1 is already the newest version (1:1.1.6-1build1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9145989Z libxdamage1 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9146336Z libxext6 is already the newest version (2:1.3.4-1build2). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9146678Z libxext6 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9147029Z libxfixes3 is already the newest version (1:6.0.0-2build1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9147380Z libxfixes3 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9147740Z libxkbcommon0 is already the newest version (1.6.0-1build1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9148089Z libxkbcommon0 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9148431Z libxrandr2 is already the newest version (2:1.5.2-2build1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9148759Z libxrandr2 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9149114Z libcairo-gobject2 is already the newest version (1.18.0-3build1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9149490Z libcairo-gobject2 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9149870Z libfontconfig1 is already the newest version (2.15.0-1.1ubuntu2). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9150225Z libfontconfig1 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9150593Z libfreetype6 is already the newest version (2.13.2+dfsg-1build3). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9150948Z libfreetype6 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9151435Z libgdk-pixbuf-2.0-0 is already the newest version (2.42.10+dfsg-3ubuntu3.2). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9151853Z libgdk-pixbuf-2.0-0 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9152250Z libgtk-3-0t64 is already the newest version (3.24.41-4ubuntu1.3). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9152754Z libgtk-3-0t64 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9153323Z libpangocairo-1.0-0 is already the newest version (1.52.1+ds-1build1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9153732Z libpangocairo-1.0-0 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9154097Z libx11-xcb1 is already the newest version (2:1.8.7-1build1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9154426Z libx11-xcb1 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9154761Z libxcb-shm0 is already the newest version (1.15-1ubuntu2). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9155088Z libxcb-shm0 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9155420Z libxcursor1 is already the newest version (1:1.2.1-1build1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9155755Z libxcursor1 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9156068Z libxi6 is already the newest version (2:1.8.1-1build1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9156378Z libxi6 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9156709Z libxrender1 is already the newest version (1:0.9.10-1.1build1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9157050Z libxrender1 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9157394Z libicu74 is already the newest version (74.2-1ubuntu3.1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9157798Z libatomic1 is already the newest version (14.2.0-4ubuntu2~24.04). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9158142Z libatomic1 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9158489Z libenchant-2-2 is already the newest version (2.3.3-2build2). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9158835Z libenchant-2-2 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9159177Z libepoxy0 is already the newest version (1.5.10-1build1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9159510Z libepoxy0 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9159872Z libgstreamer1.0-0 is already the newest version (1.24.2-1ubuntu0.1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9160255Z libgstreamer1.0-0 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9160616Z libharfbuzz0b is already the newest version (8.3.0-2build2). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9160954Z libharfbuzz0b set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9161319Z libjpeg-turbo8 is already the newest version (2.1.5-2ubuntu2). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9161671Z libjpeg-turbo8 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9162142Z liblcms2-2 is already the newest version (2.14-2build1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:54.9162462Z liblcms2-2 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0590027Z libpng16-16t64 is already the newest version (1.6.43-5build1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0590729Z libpng16-16t64 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0591431Z libwayland-client0 is already the newest version (1.22.0-2.1build1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0592195Z libwayland-client0 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0592997Z libwayland-egl1 is already the newest version (1.22.0-2.1build1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0593936Z libwayland-egl1 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0594697Z libwayland-server0 is already the newest version (1.22.0-2.1build1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0595426Z libwayland-server0 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0596063Z libwebp7 is already the newest version (1.3.2-0.4build3). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0596645Z libwebp7 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0597277Z libwebpdemux2 is already the newest version (1.3.2-0.4build3). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0597902Z libwebpdemux2 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0598530Z libxml2 is already the newest version (2.9.14+dfsg-1.3ubuntu3.5). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0599113Z libxml2 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0599723Z libxslt1.1 is already the newest version (1.1.39-0exp1ubuntu0.24.04.2). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0600342Z libxslt1.1 set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0600868Z xvfb is already the newest version (2:21.1.12-1ubuntu1.4). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0601637Z fonts-noto-color-emoji is already the newest version (2.047-0ubuntu0.24.04.1). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0602403Z fonts-liberation is already the newest version (1:2.1.5-3). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0603318Z fonts-liberation set to manually installed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0604051Z The following additional packages will be installed: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0604815Z glib-networking glib-networking-common glib-networking-services -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0605990Z gsettings-desktop-schemas libaa1 libabsl20220623t64 libass9 libasyncns0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0606941Z libavc1394-0 libavcodec60 libavfilter9 libavformat60 libavtp0 libavutil58 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0607695Z libblas3 libbluray2 libbs2b0 libcaca0 libcairo-script-interpreter2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0608405Z libcdparanoia0 libchromaprint1 libcjson1 libcodec2-1.2 libdav1d7 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0609113Z libdc1394-25 libdca0 libdecor-0-0 libdirectfb-1.7-7t64 libdv4t64 libdvdnav4 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0609879Z libdvdread8t64 libegl-mesa0 libegl1 libfaad2 libflac12t64 libfluidsynth3 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0610636Z libfreeaptx0 libgav1-1 libgme0 libgraphene-1.0-0 libgsm1 libgssdp-1.6-0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0611331Z libgstreamer-plugins-good1.0-0 libgtk-4-common libgupnp-1.6-0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0611779Z libgupnp-igd-1.6-0 libhwy1t64 libiec61883-0 libimath-3-1-29t64 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0612342Z libinstpatch-1.0-2 libjack-jackd2-0 libjxl0.7 liblapack3 liblc3-1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0612854Z libldacbt-enc2 liblilv-0-0 liblrdf0 libltc11 libmbedcrypto7t64 libmfx1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0613631Z libmjpegutils-2.1-0t64 libmodplug1 libmp3lame0 libmpcdec6 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0614074Z libmpeg2encpp-2.1-0t64 libmpg123-0t64 libmplex2-2.1-0t64 libmysofa1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0614723Z libneon27t64 libnice10 libopenal-data libopenal1 libopenexr-3-1-30 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0615390Z libopenh264-7 libopenmpt0t64 libopenni2-0 liborc-0.4-0t64 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0616080Z libpipewire-0.3-0t64 libplacebo338 libpocketsphinx3 libpostproc57 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0616854Z libproxy1v5 libpulse0 libqrencode4 libraptor2-0 librav1e0 libraw1394-11 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0617531Z librist4 librsvg2-2 librubberband2 libsamplerate0 libsbc1 libsdl2-2.0-0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0618004Z libsecret-common libserd-0-0 libshine3 libshout3 libsndfile1 libsndio7.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0618635Z libsord-0-0 libsoundtouch1 libsoup-3.0-0 libsoup-3.0-common libsoxr0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0619484Z libspa-0.2-modules libspandsp2t64 libspeex1 libsphinxbase3t64 libsratom-0-0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0620496Z libsrt1.5-gnutls libsrtp2-1 libssh-gcrypt-4 libsvtav1enc1d1 libswresample4 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0621002Z libswscale7 libtag1v5 libtag1v5-vanilla libtheora0 libtwolame0 libudfread0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0621471Z libunibreak5 libv4l-0t64 libv4lconvert0t64 libva-drm2 libva-x11-2 libva2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0621926Z libvdpau1 libvidstab1.1 libvisual-0.4-0 libvo-aacenc0 libvo-amrwbenc0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0622397Z libvorbisenc2 libvpl2 libwavpack1 libwebrtc-audio-processing1 libwildmidi2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0622874Z libx265-199 libxcb-xkb1 libxkbcommon-x11-0 libxvidcore4 libyuv0 libzbar0t64 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0623602Z libzimg2 libzix-0-0 libzvbi-common libzvbi0t64 libzxing3 ocl-icd-libopencl1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0624070Z session-migration timgm6mb-soundfont xfonts-encodings xfonts-utils -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0624427Z Suggested packages: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0624739Z frei0r-plugins gvfs libcuda1 libnvcuvid1 libnvidia-encode1 libbluray-bdj -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0625215Z libdirectfb-extra libdv-bin oss-compat libdvdcss2 libvisual-0.4-plugins -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0625655Z jackd2 liblrdf0-dev libportaudio2 opus-tools pipewire pulseaudio -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0626077Z raptor2-utils libraw1394-doc librsvg2-bin serdi sndiod sordi speex -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0626459Z libwildmidi-config opencl-icd fluid-soundfont-gm -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0626763Z Recommended packages: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0627052Z fonts-ipafont-mincho fonts-tlwg-loma gstreamer1.0-x libaacs0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0627479Z default-libdecor-0-plugin-1 | libdecor-0-plugin-1 gstreamer1.0-gl -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0627953Z libgtk-4-bin librsvg2-common libgtk-4-media-gstreamer libpipewire-0.3-common -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0628438Z pocketsphinx-en-us va-driver-all | va-driver vdpau-driver-all | vdpau-driver -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.0628817Z libmagickcore-6.q16-7-extra -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1339196Z The following NEW packages will be installed: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1339989Z fonts-freefont-ttf fonts-ipafont-gothic fonts-tlwg-loma-otf fonts-unifont -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1341200Z fonts-wqy-zenhei glib-networking glib-networking-common -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1341971Z glib-networking-services gsettings-desktop-schemas gstreamer1.0-libav -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1342882Z gstreamer1.0-plugins-bad gstreamer1.0-plugins-base gstreamer1.0-plugins-good -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1343992Z libaa1 libabsl20220623t64 libass9 libasyncns0 libavc1394-0 libavcodec60 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1344952Z libavfilter9 libavformat60 libavif16 libavtp0 libavutil58 libblas3 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1345810Z libbluray2 libbs2b0 libcaca0 libcairo-script-interpreter2 libcdparanoia0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1346667Z libchromaprint1 libcjson1 libcodec2-1.2 libdav1d7 libdc1394-25 libdca0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1347465Z libdecor-0-0 libdirectfb-1.7-7t64 libdv4t64 libdvdnav4 libdvdread8t64 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1348312Z libegl-mesa0 libegl1 libevent-2.1-7t64 libfaad2 libflac12t64 libflite1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1349212Z libfluidsynth3 libfreeaptx0 libgav1-1 libgles2 libgme0 libgraphene-1.0-0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1350132Z libgsm1 libgssdp-1.6-0 libgstreamer-gl1.0-0 libgstreamer-plugins-bad1.0-0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1351041Z libgstreamer-plugins-base1.0-0 libgstreamer-plugins-good1.0-0 libgtk-4-1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1351910Z libgtk-4-common libgupnp-1.6-0 libgupnp-igd-1.6-0 libharfbuzz-icu0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1352693Z libhwy1t64 libhyphen0 libiec61883-0 libimath-3-1-29t64 libinstpatch-1.0-2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1353587Z libjack-jackd2-0 libjxl0.7 liblapack3 liblc3-1 libldacbt-enc2 liblilv-0-0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1354290Z liblrdf0 libltc11 libmanette-0.2-0 libmbedcrypto7t64 libmfx1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1354940Z libmjpegutils-2.1-0t64 libmodplug1 libmp3lame0 libmpcdec6 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1355632Z libmpeg2encpp-2.1-0t64 libmpg123-0t64 libmplex2-2.1-0t64 libmysofa1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1356396Z libneon27t64 libnice10 libopenal-data libopenal1 libopenexr-3-1-30 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1357117Z libopenh264-7 libopenmpt0t64 libopenni2-0 libopus0 liborc-0.4-0t64 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1358060Z libpipewire-0.3-0t64 libplacebo338 libpocketsphinx3 libpostproc57 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1358832Z libproxy1v5 libpulse0 libqrencode4 libraptor2-0 librav1e0 libraw1394-11 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1359634Z librist4 librsvg2-2 librubberband2 libsamplerate0 libsbc1 libsdl2-2.0-0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1360443Z libsecret-1-0 libsecret-common libserd-0-0 libshine3 libshout3 libsndfile1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1361282Z libsndio7.0 libsord-0-0 libsoundtouch1 libsoup-3.0-0 libsoup-3.0-common -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1362137Z libsoxr0 libspa-0.2-modules libspandsp2t64 libspeex1 libsphinxbase3t64 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1362954Z libsratom-0-0 libsrt1.5-gnutls libsrtp2-1 libssh-gcrypt-4 libsvtav1enc1d1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1363972Z libswresample4 libswscale7 libtag1v5 libtag1v5-vanilla libtheora0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1364720Z libtwolame0 libudfread0 libunibreak5 libv4l-0t64 libv4lconvert0t64 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1365450Z libva-drm2 libva-x11-2 libva2 libvdpau1 libvidstab1.1 libvisual-0.4-0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1366224Z libvo-aacenc0 libvo-amrwbenc0 libvorbisenc2 libvpl2 libvpx9 libwavpack1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1367051Z libwebrtc-audio-processing1 libwildmidi2 libwoff1 libx264-164 libx265-199 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1367879Z libxcb-xkb1 libxkbcommon-x11-0 libxvidcore4 libyuv0 libzbar0t64 libzimg2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1368653Z libzix-0-0 libzvbi-common libzvbi0t64 libzxing3 ocl-icd-libopencl1 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1369442Z session-migration timgm6mb-soundfont xfonts-cyrillic xfonts-encodings -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1370137Z xfonts-scalable xfonts-utils -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1590215Z 0 upgraded, 179 newly installed, 0 to remove and 17 not upgraded. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1590890Z Need to get 114 MB of archives. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1591527Z After this operation, 363 MB of additional disk space will be used. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1592248Z Get:1 file:/etc/apt/apt-mirrors.txt Mirrorlist [144 B] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.1941607Z Get:2 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 fonts-ipafont-gothic all 00303-21ubuntu1 [3513 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.2511190Z Get:3 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 fonts-freefont-ttf all 20211204+svn4273-2 [5641 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.3209715Z Get:4 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 fonts-tlwg-loma-otf all 1:0.7.3-1 [107 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.3396505Z Get:5 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 fonts-unifont all 1:15.1.01-1build1 [2993 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.3913649Z Get:6 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 fonts-wqy-zenhei all 0.9.45-8 [7472 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.4839594Z Get:7 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libproxy1v5 amd64 0.5.4-4build1 [26.5 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.5028275Z Get:8 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 glib-networking-common all 2.80.0-1build1 [6702 B] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.5213007Z Get:9 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 glib-networking-services amd64 2.80.0-1build1 [12.8 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.5393736Z Get:10 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 session-migration amd64 0.3.9build1 [9034 B] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.5580660Z Get:11 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 gsettings-desktop-schemas all 46.1-0ubuntu1 [35.6 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.5771269Z Get:12 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 glib-networking amd64 2.80.0-1build1 [64.1 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.5956158Z Get:13 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libva2 amd64 2.20.0-2build1 [66.2 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.6141499Z Get:14 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libva-drm2 amd64 2.20.0-2build1 [7124 B] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.6321323Z Get:15 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libva-x11-2 amd64 2.20.0-2build1 [12.0 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.6514878Z Get:16 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libvdpau1 amd64 1.5-2build1 [27.8 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.6694238Z Get:17 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libvpl2 amd64 2023.3.0-1build1 [99.8 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.6886056Z Get:18 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 ocl-icd-libopencl1 amd64 2.3.2-1build1 [38.5 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.7074047Z Get:19 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libavutil58 amd64 7:6.1.1-3ubuntu5 [401 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.7727451Z Get:20 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libcodec2-1.2 amd64 1.2.0-2build1 [8998 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.8676097Z Get:21 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libdav1d7 amd64 1.4.1-1build1 [604 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.9032612Z Get:22 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libgsm1 amd64 1.0.22-1build1 [27.8 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.9214209Z Get:23 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libhwy1t64 amd64 1.0.7-8.1build1 [584 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.9571050Z Get:24 http://azure.archive.ubuntu.com/ubuntu noble-updates/universe amd64 libjxl0.7 amd64 0.7.0-10.2ubuntu6.1 [1001 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:55.9989753Z Get:25 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libmp3lame0 amd64 3.100-6build1 [142 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.0183793Z Get:26 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libopus0 amd64 1.4-1build1 [208 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.0426810Z Get:27 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 librav1e0 amd64 0.7.1-2 [1022 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.0815583Z Get:28 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 librsvg2-2 amd64 2.58.0+dfsg-1build1 [2135 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.1356920Z Get:29 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libshine3 amd64 3.1.1-2build1 [23.2 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.1553895Z Get:30 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 libspeex1 amd64 1.2.1-2ubuntu2.24.04.1 [59.6 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.1744196Z Get:31 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libsvtav1enc1d1 amd64 1.7.0+dfsg-2build1 [2425 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.2399899Z Get:32 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libsoxr0 amd64 0.1.3-4build3 [80.0 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.2586273Z Get:33 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libswresample4 amd64 7:6.1.1-3ubuntu5 [63.8 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.2798576Z Get:34 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libtheora0 amd64 1.1.1+dfsg.1-16.1build3 [211 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.3002690Z Get:35 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libtwolame0 amd64 0.4.0-2build3 [52.3 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.3187452Z Get:36 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libvorbisenc2 amd64 1.3.7-1build3 [80.8 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.3377800Z Get:37 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 libvpx9 amd64 1.14.0-1ubuntu2.2 [1143 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.3817605Z Get:38 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libx264-164 amd64 2:0.164.3108+git31e19f9-1 [604 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.4618323Z Get:39 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libx265-199 amd64 3.5-2build1 [1226 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.5026730Z Get:40 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libxvidcore4 amd64 2:1.3.7-1build1 [219 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.5233631Z Get:41 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libzvbi-common all 0.2.42-2 [42.4 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.5415977Z Get:42 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libzvbi0t64 amd64 0.2.42-2 [261 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.5617637Z Get:43 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libavcodec60 amd64 7:6.1.1-3ubuntu5 [5851 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.6532959Z Get:44 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libunibreak5 amd64 5.1-2build1 [25.0 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.6713326Z Get:45 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libass9 amd64 1:0.17.1-2build1 [104 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.6905275Z Get:46 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libudfread0 amd64 1.1.2-1build1 [19.0 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.7089115Z Get:47 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libbluray2 amd64 1:1.3.4-1build1 [159 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.7284180Z Get:48 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libchromaprint1 amd64 1.5.1-5 [30.5 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.7466945Z Get:49 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libgme0 amd64 0.6.3-7build1 [134 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.7669028Z Get:50 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 libmpg123-0t64 amd64 1.32.5-1ubuntu1.1 [169 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.7865049Z Get:51 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libopenmpt0t64 amd64 0.7.3-1.1build3 [647 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.8237002Z Get:52 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libcjson1 amd64 1.7.17-1 [24.8 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.8422441Z Get:53 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libmbedcrypto7t64 amd64 2.28.8-1 [209 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.8621055Z Get:54 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 librist4 amd64 0.2.10+dfsg-2 [74.9 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.8813869Z Get:55 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libsrt1.5-gnutls amd64 1.5.3-1build2 [316 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.9016102Z Get:56 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 libssh-gcrypt-4 amd64 0.10.6-2ubuntu0.1 [224 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:56.9216528Z Get:57 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libavformat60 amd64 7:6.1.1-3ubuntu5 [1153 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.0048883Z Get:58 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libbs2b0 amd64 3.1.0+dfsg-7build1 [10.6 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.0231570Z Get:59 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libflite1 amd64 2.2-6build3 [13.6 MB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.1731485Z Get:60 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libserd-0-0 amd64 0.32.2-1 [43.6 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.1914980Z Get:61 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libzix-0-0 amd64 0.4.2-2build1 [23.6 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.2101074Z Get:62 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libsord-0-0 amd64 0.16.16-2build1 [15.8 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.2285571Z Get:63 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libsratom-0-0 amd64 0.6.16-1build1 [17.3 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.2466541Z Get:64 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 liblilv-0-0 amd64 0.24.22-1build1 [41.0 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.2653403Z Get:65 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libmysofa1 amd64 1.3.2+dfsg-2ubuntu2 [1158 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.3048813Z Get:66 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libplacebo338 amd64 6.338.2-2build1 [2654 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.3680764Z Get:67 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 libblas3 amd64 3.12.0-3build1.1 [238 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.3894395Z Get:68 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 liblapack3 amd64 3.12.0-3build1.1 [2646 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.4488717Z Get:69 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libasyncns0 amd64 0.8-6build4 [11.3 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.4670068Z Get:70 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libflac12t64 amd64 1.4.3+ds-2.1ubuntu2 [197 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.4863672Z Get:71 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 libsndfile1 amd64 1.2.2-1ubuntu5.24.04.1 [209 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.5060575Z Get:72 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 libpulse0 amd64 1:16.1+dfsg1-2ubuntu10.1 [292 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.5265951Z Get:73 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libsphinxbase3t64 amd64 0.8+5prealpha+1-17build2 [126 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.5549538Z Get:74 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libpocketsphinx3 amd64 0.8.0+real5prealpha+1-15ubuntu5 [133 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.5746085Z Get:75 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libpostproc57 amd64 7:6.1.1-3ubuntu5 [49.9 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.6410600Z Get:76 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libsamplerate0 amd64 0.2.2-4build1 [1344 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.6921611Z Get:77 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 librubberband2 amd64 3.3.0+dfsg-2build1 [130 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.7119679Z Get:78 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libswscale7 amd64 7:6.1.1-3ubuntu5 [193 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.7319449Z Get:79 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libvidstab1.1 amd64 1.1.0-2build1 [38.5 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.7505834Z Get:80 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libzimg2 amd64 3.0.5+ds1-1build1 [254 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.7713510Z Get:81 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libavfilter9 amd64 7:6.1.1-3ubuntu5 [4235 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.8476012Z Get:82 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 liborc-0.4-0t64 amd64 1:0.4.38-1ubuntu0.1 [207 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.8688944Z Get:83 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 libgstreamer-plugins-base1.0-0 amd64 1.24.2-1ubuntu0.3 [862 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.9130067Z Get:84 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 gstreamer1.0-libav amd64 1.24.1-1build1 [103 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.9320603Z Get:85 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libcdparanoia0 amd64 3.10.2+debian-14build3 [48.5 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.9506508Z Get:86 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libvisual-0.4-0 amd64 0.4.2-2build1 [115 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:57.9743318Z Get:87 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 gstreamer1.0-plugins-base amd64 1.24.2-1ubuntu0.3 [721 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.0161790Z Get:88 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libaa1 amd64 1.4p5-51.1 [49.9 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.0346139Z Get:89 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libraw1394-11 amd64 2.1.2-2build3 [26.2 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.0537820Z Get:90 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libavc1394-0 amd64 0.5.4-5build3 [15.4 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.0725389Z Get:91 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libcaca0 amd64 0.99.beta20-4build2 [208 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.0943907Z Get:92 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libdv4t64 amd64 1.0.0-17.1build1 [63.2 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.1147470Z Get:93 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 libgstreamer-plugins-good1.0-0 amd64 1.24.2-1ubuntu1.2 [33.0 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.1339307Z Get:94 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libiec61883-0 amd64 1.2.0-6build1 [24.5 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.1982713Z Get:95 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libshout3 amd64 2.4.6-1build2 [50.3 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.2188345Z Get:96 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libtag1v5-vanilla amd64 1.13.1-1build1 [326 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.2439948Z Get:97 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libtag1v5 amd64 1.13.1-1build1 [11.7 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.2627525Z Get:98 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libv4lconvert0t64 amd64 1.26.1-4build3 [87.6 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.2814249Z Get:99 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libv4l-0t64 amd64 1.26.1-4build3 [46.9 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.3008851Z Get:100 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libwavpack1 amd64 5.6.0-1build1 [84.6 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.3205691Z Get:101 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 libsoup-3.0-common all 3.4.4-5ubuntu0.5 [11.3 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.3397962Z Get:102 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 libsoup-3.0-0 amd64 3.4.4-5ubuntu0.5 [291 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.3618891Z Get:103 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 gstreamer1.0-plugins-good amd64 1.24.2-1ubuntu1.2 [2238 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.4319883Z Get:104 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 libabsl20220623t64 amd64 20220623.1-3.1ubuntu3.2 [423 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.4535605Z Get:105 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libgav1-1 amd64 0.18.0-1build3 [357 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.4746499Z Get:106 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libyuv0 amd64 0.0~git202401110.af6ac82-1 [178 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.4944503Z Get:107 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libavif16 amd64 1.0.4-1ubuntu3 [91.2 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.5141948Z Get:108 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libavtp0 amd64 0.2.0-1build1 [6414 B] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.5328686Z Get:109 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libcairo-script-interpreter2 amd64 1.18.0-3build1 [60.3 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.5517038Z Get:110 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libdc1394-25 amd64 2.2.6-4build1 [90.1 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.5718240Z Get:111 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libdecor-0-0 amd64 0.2.2-1build2 [16.5 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.5904091Z Get:112 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libgles2 amd64 1.7.0-1build1 [17.1 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.6086031Z Get:113 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libdirectfb-1.7-7t64 amd64 1.7.7-11.1ubuntu2 [1035 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.6476533Z Get:114 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libdvdread8t64 amd64 6.1.3-1.1build1 [54.7 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.6658522Z Get:115 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libdvdnav4 amd64 6.1.1-3build1 [39.5 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.6845881Z Get:116 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 libegl-mesa0 amd64 25.0.7-0ubuntu0.24.04.2 [124 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.7034377Z Get:117 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libevent-2.1-7t64 amd64 2.1.12-stable-9ubuntu2 [145 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.7221829Z Get:118 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libfaad2 amd64 2.11.1-1build1 [207 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.7418909Z Get:119 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libinstpatch-1.0-2 amd64 1.1.6-1build2 [251 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.7624783Z Get:120 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libjack-jackd2-0 amd64 1.9.21~dfsg-3ubuntu3 [289 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.8278986Z Get:121 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libwebrtc-audio-processing1 amd64 0.3.1-0ubuntu6 [290 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.8494201Z Get:122 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 libspa-0.2-modules amd64 1.0.5-1ubuntu3.1 [626 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.8844617Z Get:123 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 libpipewire-0.3-0t64 amd64 1.0.5-1ubuntu3.1 [252 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.9039382Z Get:124 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 libsdl2-2.0-0 amd64 2.30.0+dfsg-1ubuntu3.1 [686 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:58.9408294Z Get:125 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 timgm6mb-soundfont all 1.3-5 [5427 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.0382512Z Get:126 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libfluidsynth3 amd64 2.3.4-1build3 [249 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.0590874Z Get:127 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libfreeaptx0 amd64 0.1.1-2build1 [13.5 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.0782969Z Get:128 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libgraphene-1.0-0 amd64 1.10.8-3build2 [46.2 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.0991891Z Get:129 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libgssdp-1.6-0 amd64 1.6.3-1build3 [40.4 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.1184839Z Get:130 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libegl1 amd64 1.7.0-1build1 [28.7 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.1375350Z Get:131 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 libgstreamer-gl1.0-0 amd64 1.24.2-1ubuntu0.3 [214 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.1591250Z Get:132 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 libgtk-4-common all 4.14.5+ds-0ubuntu0.5 [1497 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.2120251Z Get:133 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 libgtk-4-1 amd64 4.14.5+ds-0ubuntu0.5 [3293 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.2882701Z Get:134 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libgupnp-1.6-0 amd64 1.6.6-1build3 [92.7 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.3074042Z Get:135 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libgupnp-igd-1.6-0 amd64 1.6.0-3build3 [16.5 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.3268691Z Get:136 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libharfbuzz-icu0 amd64 8.3.0-2build2 [13.3 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.3455665Z Get:137 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libhyphen0 amd64 2.8.8-7build3 [26.5 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.3637438Z Get:138 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libimath-3-1-29t64 amd64 3.1.9-3.1ubuntu2 [72.2 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.4285450Z Get:139 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 liblc3-1 amd64 1.0.4-3build1 [69.7 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.4474864Z Get:140 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libldacbt-enc2 amd64 2.0.2.3+git20200429+ed310a0-4ubuntu2 [27.1 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.4662672Z Get:141 http://azure.archive.ubuntu.com/ubuntu noble-updates/main amd64 libraptor2-0 amd64 2.0.16-3ubuntu0.1 [165 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.4881358Z Get:142 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 liblrdf0 amd64 0.6.1-4build1 [18.5 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.5067415Z Get:143 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libltc11 amd64 1.3.2-1build1 [13.0 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.5246003Z Get:144 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libmanette-0.2-0 amd64 0.2.7-1build2 [30.6 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.5434108Z Get:145 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libmfx1 amd64 22.5.4-1 [3124 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.6023615Z Get:146 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libmjpegutils-2.1-0t64 amd64 1:2.1.0+debian-8.1build1 [25.5 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.6261273Z Get:147 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libmodplug1 amd64 1:0.8.9.0-3build1 [166 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.6454475Z Get:148 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libmpcdec6 amd64 2:0.1~r495-2build1 [32.7 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.6639812Z Get:149 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libmpeg2encpp-2.1-0t64 amd64 1:2.1.0+debian-8.1build1 [75.6 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.6831552Z Get:150 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libmplex2-2.1-0t64 amd64 1:2.1.0+debian-8.1build1 [46.1 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.7019088Z Get:151 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libneon27t64 amd64 0.33.0-1.1build3 [102 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.7214458Z Get:152 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libnice10 amd64 0.1.21-2build3 [157 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.7412021Z Get:153 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libopenal-data all 1:1.23.1-4build1 [161 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.7606473Z Get:154 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libopenexr-3-1-30 amd64 3.1.5-5.1build3 [1004 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.8018523Z Get:155 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libopenh264-7 amd64 2.4.1+dfsg-1 [409 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.8387982Z Get:156 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libopenni2-0 amd64 2.2.0.33+dfsg-18 [370 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.8614312Z Get:157 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libqrencode4 amd64 4.1.1-1build2 [25.0 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.9237639Z Get:158 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libsecret-common all 0.21.4-1build3 [4962 B] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.9427045Z Get:159 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libsecret-1-0 amd64 0.21.4-1build3 [116 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.9622946Z Get:160 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libsndio7.0 amd64 1.9.0-0.3build3 [29.6 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:16:59.9808710Z Get:161 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libsoundtouch1 amd64 2.3.2+ds1-1build1 [60.5 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.0001245Z Get:162 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libspandsp2t64 amd64 0.0.6+dfsg-2.1build1 [311 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.0214724Z Get:163 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libsrtp2-1 amd64 2.5.0-3build1 [41.9 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.0428934Z Get:164 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libwildmidi2 amd64 0.4.3-1build3 [68.5 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.0614775Z Get:165 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libwoff1 amd64 1.0.2-2build1 [45.3 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.0801082Z Get:166 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libxcb-xkb1 amd64 1.15-1ubuntu2 [32.3 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.0986907Z Get:167 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libxkbcommon-x11-0 amd64 1.6.0-1build1 [14.5 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.1168948Z Get:168 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libzbar0t64 amd64 0.23.93-4build3 [123 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.1374348Z Get:169 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libzxing3 amd64 2.2.1-3 [583 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.1600199Z Get:170 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 xfonts-encodings all 1:1.0.5-0ubuntu2 [578 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.1842075Z Get:171 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 xfonts-utils amd64 1:7.7+6build3 [94.4 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.2028454Z Get:172 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 xfonts-cyrillic all 1:1.0.5+nmu1 [384 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.2244977Z Get:173 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 xfonts-scalable all 1:1.0.3-1.3 [304 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.2449323Z Get:174 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libgstreamer-plugins-bad1.0-0 amd64 1.24.2-1ubuntu4 [797 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.2690113Z Get:175 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libdca0 amd64 0.0.7-2build1 [93.8 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.3322078Z Get:176 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libopenal1 amd64 1:1.23.1-4build1 [540 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.3542512Z Get:177 http://azure.archive.ubuntu.com/ubuntu noble/main amd64 libsbc1 amd64 2.0-1build1 [33.9 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.3727563Z Get:178 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libvo-aacenc0 amd64 0.1.3-2build1 [67.8 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.3910508Z Get:179 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 libvo-amrwbenc0 amd64 0.1.3-2build1 [76.7 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.4096150Z Get:180 http://azure.archive.ubuntu.com/ubuntu noble/universe amd64 gstreamer1.0-plugins-bad amd64 1.24.2-1ubuntu4 [3081 kB] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.8476532Z Fetched 114 MB in 5s (21.5 MB/s) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.8778433Z Selecting previously unselected package fonts-ipafont-gothic. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.9071635Z (Reading database ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.9072063Z (Reading database ... 5% -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.9072454Z (Reading database ... 10% -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.9072858Z (Reading database ... 15% -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.9073441Z (Reading database ... 20% -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.9073828Z (Reading database ... 25% -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.9074213Z (Reading database ... 30% -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.9074600Z (Reading database ... 35% -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.9075250Z (Reading database ... 40% -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.9075659Z (Reading database ... 45% -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.9076041Z (Reading database ... 50% -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.9262531Z (Reading database ... 55% -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:00.9771264Z (Reading database ... 60% -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:01.0095437Z (Reading database ... 65% -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:01.0506349Z (Reading database ... 70% -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:01.0750938Z (Reading database ... 75% -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:01.1014820Z (Reading database ... 80% -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:01.1244917Z (Reading database ... 85% -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:01.1797095Z (Reading database ... 90% -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:01.2449767Z (Reading database ... 95% -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:01.2450250Z (Reading database ... 100% -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:01.2450871Z (Reading database ... 214164 files and directories currently installed.) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:01.2491534Z Preparing to unpack .../000-fonts-ipafont-gothic_00303-21ubuntu1_all.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:01.2585361Z Unpacking fonts-ipafont-gothic (00303-21ubuntu1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:01.4877570Z Selecting previously unselected package fonts-freefont-ttf. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:01.5008751Z Preparing to unpack .../001-fonts-freefont-ttf_20211204+svn4273-2_all.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:01.5028599Z Unpacking fonts-freefont-ttf (20211204+svn4273-2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:01.5887158Z Selecting previously unselected package fonts-tlwg-loma-otf. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:01.6020998Z Preparing to unpack .../002-fonts-tlwg-loma-otf_1%3a0.7.3-1_all.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:01.6039291Z Unpacking fonts-tlwg-loma-otf (1:0.7.3-1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:01.6339309Z Selecting previously unselected package fonts-unifont. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:01.6469618Z Preparing to unpack .../003-fonts-unifont_1%3a15.1.01-1build1_all.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:01.6483424Z Unpacking fonts-unifont (1:15.1.01-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:01.7766486Z Selecting previously unselected package fonts-wqy-zenhei. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:01.7897529Z Preparing to unpack .../004-fonts-wqy-zenhei_0.9.45-8_all.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:01.8004315Z Unpacking fonts-wqy-zenhei (0.9.45-8) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.2629104Z Selecting previously unselected package libproxy1v5:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.2759350Z Preparing to unpack .../005-libproxy1v5_0.5.4-4build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.2839448Z Unpacking libproxy1v5:amd64 (0.5.4-4build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.3088613Z Selecting previously unselected package glib-networking-common. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.3218693Z Preparing to unpack .../006-glib-networking-common_2.80.0-1build1_all.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.3235276Z Unpacking glib-networking-common (2.80.0-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.3466417Z Selecting previously unselected package glib-networking-services. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.3596491Z Preparing to unpack .../007-glib-networking-services_2.80.0-1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.3613315Z Unpacking glib-networking-services (2.80.0-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.3839925Z Selecting previously unselected package session-migration. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.3970558Z Preparing to unpack .../008-session-migration_0.3.9build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.4000329Z Unpacking session-migration (0.3.9build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.4272142Z Selecting previously unselected package gsettings-desktop-schemas. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.4401216Z Preparing to unpack .../009-gsettings-desktop-schemas_46.1-0ubuntu1_all.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.4419151Z Unpacking gsettings-desktop-schemas (46.1-0ubuntu1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.4751150Z Selecting previously unselected package glib-networking:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.4881625Z Preparing to unpack .../010-glib-networking_2.80.0-1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.4901804Z Unpacking glib-networking:amd64 (2.80.0-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.5244720Z Selecting previously unselected package libva2:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.5376007Z Preparing to unpack .../011-libva2_2.20.0-2build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.5397538Z Unpacking libva2:amd64 (2.20.0-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.5678166Z Selecting previously unselected package libva-drm2:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.5808429Z Preparing to unpack .../012-libva-drm2_2.20.0-2build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.5826012Z Unpacking libva-drm2:amd64 (2.20.0-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.6057260Z Selecting previously unselected package libva-x11-2:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.6191605Z Preparing to unpack .../013-libva-x11-2_2.20.0-2build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.6206941Z Unpacking libva-x11-2:amd64 (2.20.0-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.6489514Z Selecting previously unselected package libvdpau1:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.6622913Z Preparing to unpack .../014-libvdpau1_1.5-2build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.6637353Z Unpacking libvdpau1:amd64 (1.5-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.6887671Z Selecting previously unselected package libvpl2. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.7020882Z Preparing to unpack .../015-libvpl2_2023.3.0-1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.7039597Z Unpacking libvpl2 (2023.3.0-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.7340987Z Selecting previously unselected package ocl-icd-libopencl1:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.7470952Z Preparing to unpack .../016-ocl-icd-libopencl1_2.3.2-1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.7487673Z Unpacking ocl-icd-libopencl1:amd64 (2.3.2-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.7789421Z Selecting previously unselected package libavutil58:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.7919896Z Preparing to unpack .../017-libavutil58_7%3a6.1.1-3ubuntu5_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.7946016Z Unpacking libavutil58:amd64 (7:6.1.1-3ubuntu5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.8307683Z Selecting previously unselected package libcodec2-1.2:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.8439220Z Preparing to unpack .../018-libcodec2-1.2_1.2.0-2build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.8461542Z Unpacking libcodec2-1.2:amd64 (1.2.0-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.9319498Z Selecting previously unselected package libdav1d7:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.9449686Z Preparing to unpack .../019-libdav1d7_1.4.1-1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.9463707Z Unpacking libdav1d7:amd64 (1.4.1-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.9807857Z Selecting previously unselected package libgsm1:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.9938288Z Preparing to unpack .../020-libgsm1_1.0.22-1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:02.9965357Z Unpacking libgsm1:amd64 (1.0.22-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.0244579Z Selecting previously unselected package libhwy1t64:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.0376806Z Preparing to unpack .../021-libhwy1t64_1.0.7-8.1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.0415473Z Unpacking libhwy1t64:amd64 (1.0.7-8.1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.0816615Z Selecting previously unselected package libjxl0.7:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.0946619Z Preparing to unpack .../022-libjxl0.7_0.7.0-10.2ubuntu6.1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.0969032Z Unpacking libjxl0.7:amd64 (0.7.0-10.2ubuntu6.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.1398546Z Selecting previously unselected package libmp3lame0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.1529130Z Preparing to unpack .../023-libmp3lame0_3.100-6build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.1555924Z Unpacking libmp3lame0:amd64 (3.100-6build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.1909937Z Selecting previously unselected package libopus0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.2042757Z Preparing to unpack .../024-libopus0_1.4-1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.2056061Z Unpacking libopus0:amd64 (1.4-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.2352570Z Selecting previously unselected package librav1e0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.2483792Z Preparing to unpack .../025-librav1e0_0.7.1-2_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.2499076Z Unpacking librav1e0:amd64 (0.7.1-2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.2916832Z Selecting previously unselected package librsvg2-2:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.3048480Z Preparing to unpack .../026-librsvg2-2_2.58.0+dfsg-1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.3069325Z Unpacking librsvg2-2:amd64 (2.58.0+dfsg-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.3635202Z Selecting previously unselected package libshine3:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.3766417Z Preparing to unpack .../027-libshine3_3.1.1-2build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.3792541Z Unpacking libshine3:amd64 (3.1.1-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.4078549Z Selecting previously unselected package libspeex1:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.4208991Z Preparing to unpack .../028-libspeex1_1.2.1-2ubuntu2.24.04.1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.4239547Z Unpacking libspeex1:amd64 (1.2.1-2ubuntu2.24.04.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.4539840Z Selecting previously unselected package libsvtav1enc1d1:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.4671719Z Preparing to unpack .../029-libsvtav1enc1d1_1.7.0+dfsg-2build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.4692162Z Unpacking libsvtav1enc1d1:amd64 (1.7.0+dfsg-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.5274171Z Selecting previously unselected package libsoxr0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.5406524Z Preparing to unpack .../030-libsoxr0_0.1.3-4build3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.5418766Z Unpacking libsoxr0:amd64 (0.1.3-4build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.5733516Z Selecting previously unselected package libswresample4:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.5864476Z Preparing to unpack .../031-libswresample4_7%3a6.1.1-3ubuntu5_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.5879266Z Unpacking libswresample4:amd64 (7:6.1.1-3ubuntu5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.6167045Z Selecting previously unselected package libtheora0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.6297743Z Preparing to unpack .../032-libtheora0_1.1.1+dfsg.1-16.1build3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.6316653Z Unpacking libtheora0:amd64 (1.1.1+dfsg.1-16.1build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.6645498Z Selecting previously unselected package libtwolame0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.6776978Z Preparing to unpack .../033-libtwolame0_0.4.0-2build3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.6791552Z Unpacking libtwolame0:amd64 (0.4.0-2build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.7116101Z Selecting previously unselected package libvorbisenc2:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.7248014Z Preparing to unpack .../034-libvorbisenc2_1.3.7-1build3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.7260775Z Unpacking libvorbisenc2:amd64 (1.3.7-1build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.7547812Z Selecting previously unselected package libvpx9:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.7679157Z Preparing to unpack .../035-libvpx9_1.14.0-1ubuntu2.2_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.7695860Z Unpacking libvpx9:amd64 (1.14.0-1ubuntu2.2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.8094838Z Selecting previously unselected package libx264-164:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.8228322Z Preparing to unpack .../036-libx264-164_2%3a0.164.3108+git31e19f9-1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.8258953Z Unpacking libx264-164:amd64 (2:0.164.3108+git31e19f9-1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.8624405Z Selecting previously unselected package libx265-199:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.8755025Z Preparing to unpack .../037-libx265-199_3.5-2build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.8785087Z Unpacking libx265-199:amd64 (3.5-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.9540296Z Selecting previously unselected package libxvidcore4:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.9669677Z Preparing to unpack .../038-libxvidcore4_2%3a1.3.7-1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.9688803Z Unpacking libxvidcore4:amd64 (2:1.3.7-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:03.9943687Z Selecting previously unselected package libzvbi-common. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.0074803Z Preparing to unpack .../039-libzvbi-common_0.2.42-2_all.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.0093426Z Unpacking libzvbi-common (0.2.42-2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.0412762Z Selecting previously unselected package libzvbi0t64:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.0545222Z Preparing to unpack .../040-libzvbi0t64_0.2.42-2_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.0555373Z Unpacking libzvbi0t64:amd64 (0.2.42-2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.0858006Z Selecting previously unselected package libavcodec60:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.0987200Z Preparing to unpack .../041-libavcodec60_7%3a6.1.1-3ubuntu5_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.0999159Z Unpacking libavcodec60:amd64 (7:6.1.1-3ubuntu5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.1897010Z Selecting previously unselected package libunibreak5:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.2026549Z Preparing to unpack .../042-libunibreak5_5.1-2build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.2037464Z Unpacking libunibreak5:amd64 (5.1-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.2275664Z Selecting previously unselected package libass9:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.2406506Z Preparing to unpack .../043-libass9_1%3a0.17.1-2build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.2433668Z Unpacking libass9:amd64 (1:0.17.1-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.2749717Z Selecting previously unselected package libudfread0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.2881716Z Preparing to unpack .../044-libudfread0_1.1.2-1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.2900890Z Unpacking libudfread0:amd64 (1.1.2-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.3178005Z Selecting previously unselected package libbluray2:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.3307722Z Preparing to unpack .../045-libbluray2_1%3a1.3.4-1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.3320154Z Unpacking libbluray2:amd64 (1:1.3.4-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.3618180Z Selecting previously unselected package libchromaprint1:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.3747375Z Preparing to unpack .../046-libchromaprint1_1.5.1-5_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.3766067Z Unpacking libchromaprint1:amd64 (1.5.1-5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.4027017Z Selecting previously unselected package libgme0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.4155969Z Preparing to unpack .../047-libgme0_0.6.3-7build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.4167057Z Unpacking libgme0:amd64 (0.6.3-7build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.4421416Z Selecting previously unselected package libmpg123-0t64:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.4552544Z Preparing to unpack .../048-libmpg123-0t64_1.32.5-1ubuntu1.1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.4567433Z Unpacking libmpg123-0t64:amd64 (1.32.5-1ubuntu1.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.4958184Z Selecting previously unselected package libopenmpt0t64:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.5100205Z Preparing to unpack .../049-libopenmpt0t64_0.7.3-1.1build3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.5115291Z Unpacking libopenmpt0t64:amd64 (0.7.3-1.1build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.5437823Z Selecting previously unselected package libcjson1:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.5569026Z Preparing to unpack .../050-libcjson1_1.7.17-1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.5585910Z Unpacking libcjson1:amd64 (1.7.17-1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.5827664Z Selecting previously unselected package libmbedcrypto7t64:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.5958043Z Preparing to unpack .../051-libmbedcrypto7t64_2.28.8-1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.5975059Z Unpacking libmbedcrypto7t64:amd64 (2.28.8-1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.6230118Z Selecting previously unselected package librist4:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.6361440Z Preparing to unpack .../052-librist4_0.2.10+dfsg-2_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.6370951Z Unpacking librist4:amd64 (0.2.10+dfsg-2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.6596523Z Selecting previously unselected package libsrt1.5-gnutls:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.6726753Z Preparing to unpack .../053-libsrt1.5-gnutls_1.5.3-1build2_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.6738733Z Unpacking libsrt1.5-gnutls:amd64 (1.5.3-1build2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.7036970Z Selecting previously unselected package libssh-gcrypt-4:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.7167585Z Preparing to unpack .../054-libssh-gcrypt-4_0.10.6-2ubuntu0.1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.7184801Z Unpacking libssh-gcrypt-4:amd64 (0.10.6-2ubuntu0.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.7494896Z Selecting previously unselected package libavformat60:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.7625812Z Preparing to unpack .../055-libavformat60_7%3a6.1.1-3ubuntu5_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.7640555Z Unpacking libavformat60:amd64 (7:6.1.1-3ubuntu5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.8035291Z Selecting previously unselected package libbs2b0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.8170323Z Preparing to unpack .../056-libbs2b0_3.1.0+dfsg-7build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.8181048Z Unpacking libbs2b0:amd64 (3.1.0+dfsg-7build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.8445027Z Selecting previously unselected package libflite1:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.8576811Z Preparing to unpack .../057-libflite1_2.2-6build3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.8588408Z Unpacking libflite1:amd64 (2.2-6build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.9843560Z Selecting previously unselected package libserd-0-0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.9974248Z Preparing to unpack .../058-libserd-0-0_0.32.2-1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:04.9984853Z Unpacking libserd-0-0:amd64 (0.32.2-1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.0230067Z Selecting previously unselected package libzix-0-0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.0361910Z Preparing to unpack .../059-libzix-0-0_0.4.2-2build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.0419876Z Unpacking libzix-0-0:amd64 (0.4.2-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.0657922Z Selecting previously unselected package libsord-0-0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.0789371Z Preparing to unpack .../060-libsord-0-0_0.16.16-2build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.0798996Z Unpacking libsord-0-0:amd64 (0.16.16-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.1120083Z Selecting previously unselected package libsratom-0-0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.1265379Z Preparing to unpack .../061-libsratom-0-0_0.6.16-1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.1276719Z Unpacking libsratom-0-0:amd64 (0.6.16-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.1567129Z Selecting previously unselected package liblilv-0-0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.1696666Z Preparing to unpack .../062-liblilv-0-0_0.24.22-1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.1718043Z Unpacking liblilv-0-0:amd64 (0.24.22-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.1987442Z Selecting previously unselected package libmysofa1:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.2116339Z Preparing to unpack .../063-libmysofa1_1.3.2+dfsg-2ubuntu2_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.2131448Z Unpacking libmysofa1:amd64 (1.3.2+dfsg-2ubuntu2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.2466074Z Selecting previously unselected package libplacebo338:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.2598690Z Preparing to unpack .../064-libplacebo338_6.338.2-2build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.2628561Z Unpacking libplacebo338:amd64 (6.338.2-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.3244864Z Selecting previously unselected package libblas3:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.3376065Z Preparing to unpack .../065-libblas3_3.12.0-3build1.1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.3412373Z Unpacking libblas3:amd64 (3.12.0-3build1.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.3748014Z Selecting previously unselected package liblapack3:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.3878516Z Preparing to unpack .../066-liblapack3_3.12.0-3build1.1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.3914692Z Unpacking liblapack3:amd64 (3.12.0-3build1.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.4467656Z Selecting previously unselected package libasyncns0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.4596695Z Preparing to unpack .../067-libasyncns0_0.8-6build4_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.4609381Z Unpacking libasyncns0:amd64 (0.8-6build4) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.4896908Z Selecting previously unselected package libflac12t64:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.5026615Z Preparing to unpack .../068-libflac12t64_1.4.3+ds-2.1ubuntu2_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.5043030Z Unpacking libflac12t64:amd64 (1.4.3+ds-2.1ubuntu2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.5318680Z Selecting previously unselected package libsndfile1:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.5448976Z Preparing to unpack .../069-libsndfile1_1.2.2-1ubuntu5.24.04.1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.5462879Z Unpacking libsndfile1:amd64 (1.2.2-1ubuntu5.24.04.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.5781450Z Selecting previously unselected package libpulse0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.5911725Z Preparing to unpack .../070-libpulse0_1%3a16.1+dfsg1-2ubuntu10.1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.5985987Z Unpacking libpulse0:amd64 (1:16.1+dfsg1-2ubuntu10.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.6344011Z Selecting previously unselected package libsphinxbase3t64:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.6473902Z Preparing to unpack .../071-libsphinxbase3t64_0.8+5prealpha+1-17build2_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.6506521Z Unpacking libsphinxbase3t64:amd64 (0.8+5prealpha+1-17build2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.6816839Z Selecting previously unselected package libpocketsphinx3:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.6947170Z Preparing to unpack .../072-libpocketsphinx3_0.8.0+real5prealpha+1-15ubuntu5_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.6956936Z Unpacking libpocketsphinx3:amd64 (0.8.0+real5prealpha+1-15ubuntu5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.7248315Z Selecting previously unselected package libpostproc57:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.7378368Z Preparing to unpack .../073-libpostproc57_7%3a6.1.1-3ubuntu5_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.7391628Z Unpacking libpostproc57:amd64 (7:6.1.1-3ubuntu5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.7656531Z Selecting previously unselected package libsamplerate0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.7788241Z Preparing to unpack .../074-libsamplerate0_0.2.2-4build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.7811262Z Unpacking libsamplerate0:amd64 (0.2.2-4build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.8151893Z Selecting previously unselected package librubberband2:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.8282851Z Preparing to unpack .../075-librubberband2_3.3.0+dfsg-2build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.8307538Z Unpacking librubberband2:amd64 (3.3.0+dfsg-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.8611004Z Selecting previously unselected package libswscale7:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.8743914Z Preparing to unpack .../076-libswscale7_7%3a6.1.1-3ubuntu5_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.8761277Z Unpacking libswscale7:amd64 (7:6.1.1-3ubuntu5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.9028459Z Selecting previously unselected package libvidstab1.1:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.9157265Z Preparing to unpack .../077-libvidstab1.1_1.1.0-2build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.9167784Z Unpacking libvidstab1.1:amd64 (1.1.0-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.9402002Z Selecting previously unselected package libzimg2:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.9530091Z Preparing to unpack .../078-libzimg2_3.0.5+ds1-1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.9581125Z Unpacking libzimg2:amd64 (3.0.5+ds1-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:05.9913433Z Selecting previously unselected package libavfilter9:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.0043522Z Preparing to unpack .../079-libavfilter9_7%3a6.1.1-3ubuntu5_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.0053634Z Unpacking libavfilter9:amd64 (7:6.1.1-3ubuntu5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.0874160Z Selecting previously unselected package liborc-0.4-0t64:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.1003747Z Preparing to unpack .../080-liborc-0.4-0t64_1%3a0.4.38-1ubuntu0.1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.1038314Z Unpacking liborc-0.4-0t64:amd64 (1:0.4.38-1ubuntu0.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.1402449Z Selecting previously unselected package libgstreamer-plugins-base1.0-0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.1534728Z Preparing to unpack .../081-libgstreamer-plugins-base1.0-0_1.24.2-1ubuntu0.3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.1576386Z Unpacking libgstreamer-plugins-base1.0-0:amd64 (1.24.2-1ubuntu0.3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.2100127Z Selecting previously unselected package gstreamer1.0-libav:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.2230115Z Preparing to unpack .../082-gstreamer1.0-libav_1.24.1-1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.2240080Z Unpacking gstreamer1.0-libav:amd64 (1.24.1-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.2479822Z Selecting previously unselected package libcdparanoia0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.2610776Z Preparing to unpack .../083-libcdparanoia0_3.10.2+debian-14build3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.2621910Z Unpacking libcdparanoia0:amd64 (3.10.2+debian-14build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.2933388Z Selecting previously unselected package libvisual-0.4-0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.3064722Z Preparing to unpack .../084-libvisual-0.4-0_0.4.2-2build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.3076286Z Unpacking libvisual-0.4-0:amd64 (0.4.2-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.3338662Z Selecting previously unselected package gstreamer1.0-plugins-base:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.3469681Z Preparing to unpack .../085-gstreamer1.0-plugins-base_1.24.2-1ubuntu0.3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.3485760Z Unpacking gstreamer1.0-plugins-base:amd64 (1.24.2-1ubuntu0.3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.3909006Z Selecting previously unselected package libaa1:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.4041881Z Preparing to unpack .../086-libaa1_1.4p5-51.1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.4057654Z Unpacking libaa1:amd64 (1.4p5-51.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.4338463Z Selecting previously unselected package libraw1394-11:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.4470684Z Preparing to unpack .../087-libraw1394-11_2.1.2-2build3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.4488827Z Unpacking libraw1394-11:amd64 (2.1.2-2build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.4774541Z Selecting previously unselected package libavc1394-0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.4906651Z Preparing to unpack .../088-libavc1394-0_0.5.4-5build3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.4946189Z Unpacking libavc1394-0:amd64 (0.5.4-5build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.5208473Z Selecting previously unselected package libcaca0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.5340046Z Preparing to unpack .../089-libcaca0_0.99.beta20-4build2_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.5361012Z Unpacking libcaca0:amd64 (0.99.beta20-4build2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.5704632Z Selecting previously unselected package libdv4t64:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.5835093Z Preparing to unpack .../090-libdv4t64_1.0.0-17.1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.5853972Z Unpacking libdv4t64:amd64 (1.0.0-17.1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.6168341Z Selecting previously unselected package libgstreamer-plugins-good1.0-0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.6299644Z Preparing to unpack .../091-libgstreamer-plugins-good1.0-0_1.24.2-1ubuntu1.2_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.6320928Z Unpacking libgstreamer-plugins-good1.0-0:amd64 (1.24.2-1ubuntu1.2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.6608157Z Selecting previously unselected package libiec61883-0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.6738431Z Preparing to unpack .../092-libiec61883-0_1.2.0-6build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.6752367Z Unpacking libiec61883-0:amd64 (1.2.0-6build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.7042537Z Selecting previously unselected package libshout3:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.7175333Z Preparing to unpack .../093-libshout3_2.4.6-1build2_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.7198764Z Unpacking libshout3:amd64 (2.4.6-1build2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.7450240Z Selecting previously unselected package libtag1v5-vanilla:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.7584067Z Preparing to unpack .../094-libtag1v5-vanilla_1.13.1-1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.7595542Z Unpacking libtag1v5-vanilla:amd64 (1.13.1-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.7908781Z Selecting previously unselected package libtag1v5:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.8039192Z Preparing to unpack .../095-libtag1v5_1.13.1-1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.8066467Z Unpacking libtag1v5:amd64 (1.13.1-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.8344284Z Selecting previously unselected package libv4lconvert0t64:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.8475706Z Preparing to unpack .../096-libv4lconvert0t64_1.26.1-4build3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.8492758Z Unpacking libv4lconvert0t64:amd64 (1.26.1-4build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.8771272Z Selecting previously unselected package libv4l-0t64:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.8901968Z Preparing to unpack .../097-libv4l-0t64_1.26.1-4build3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.8913744Z Unpacking libv4l-0t64:amd64 (1.26.1-4build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.9221176Z Selecting previously unselected package libwavpack1:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.9353819Z Preparing to unpack .../098-libwavpack1_5.6.0-1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.9370201Z Unpacking libwavpack1:amd64 (5.6.0-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.9633585Z Selecting previously unselected package libsoup-3.0-common. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.9764656Z Preparing to unpack .../099-libsoup-3.0-common_3.4.4-5ubuntu0.5_all.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:06.9780895Z Unpacking libsoup-3.0-common (3.4.4-5ubuntu0.5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.0052917Z Selecting previously unselected package libsoup-3.0-0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.0181974Z Preparing to unpack .../100-libsoup-3.0-0_3.4.4-5ubuntu0.5_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.0216558Z Unpacking libsoup-3.0-0:amd64 (3.4.4-5ubuntu0.5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.0528216Z Selecting previously unselected package gstreamer1.0-plugins-good:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.0658296Z Preparing to unpack .../101-gstreamer1.0-plugins-good_1.24.2-1ubuntu1.2_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.0676987Z Unpacking gstreamer1.0-plugins-good:amd64 (1.24.2-1ubuntu1.2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.1370655Z Selecting previously unselected package libabsl20220623t64:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.1500903Z Preparing to unpack .../102-libabsl20220623t64_20220623.1-3.1ubuntu3.2_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.1512429Z Unpacking libabsl20220623t64:amd64 (20220623.1-3.1ubuntu3.2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.2000765Z Selecting previously unselected package libgav1-1:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.2132434Z Preparing to unpack .../103-libgav1-1_0.18.0-1build3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.2146774Z Unpacking libgav1-1:amd64 (0.18.0-1build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.2448285Z Selecting previously unselected package libyuv0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.2579557Z Preparing to unpack .../104-libyuv0_0.0~git202401110.af6ac82-1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.2602224Z Unpacking libyuv0:amd64 (0.0~git202401110.af6ac82-1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.2876265Z Selecting previously unselected package libavif16:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.3007633Z Preparing to unpack .../105-libavif16_1.0.4-1ubuntu3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.3028081Z Unpacking libavif16:amd64 (1.0.4-1ubuntu3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.3306991Z Selecting previously unselected package libavtp0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.3437460Z Preparing to unpack .../106-libavtp0_0.2.0-1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.3454956Z Unpacking libavtp0:amd64 (0.2.0-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.3737903Z Selecting previously unselected package libcairo-script-interpreter2:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.3867534Z Preparing to unpack .../107-libcairo-script-interpreter2_1.18.0-3build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.3882157Z Unpacking libcairo-script-interpreter2:amd64 (1.18.0-3build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.4169299Z Selecting previously unselected package libdc1394-25:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.4299550Z Preparing to unpack .../108-libdc1394-25_2.2.6-4build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.4319397Z Unpacking libdc1394-25:amd64 (2.2.6-4build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.4618437Z Selecting previously unselected package libdecor-0-0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.4751032Z Preparing to unpack .../109-libdecor-0-0_0.2.2-1build2_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.4768265Z Unpacking libdecor-0-0:amd64 (0.2.2-1build2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.5083596Z Selecting previously unselected package libgles2:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.5214653Z Preparing to unpack .../110-libgles2_1.7.0-1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.5222724Z Unpacking libgles2:amd64 (1.7.0-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.5475643Z Selecting previously unselected package libdirectfb-1.7-7t64:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.5607318Z Preparing to unpack .../111-libdirectfb-1.7-7t64_1.7.7-11.1ubuntu2_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.5615824Z Unpacking libdirectfb-1.7-7t64:amd64 (1.7.7-11.1ubuntu2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.6104789Z Selecting previously unselected package libdvdread8t64:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.6237649Z Preparing to unpack .../112-libdvdread8t64_6.1.3-1.1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.6254046Z Unpacking libdvdread8t64:amd64 (6.1.3-1.1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.6530595Z Selecting previously unselected package libdvdnav4:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.6662452Z Preparing to unpack .../113-libdvdnav4_6.1.1-3build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.6677611Z Unpacking libdvdnav4:amd64 (6.1.1-3build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.6963359Z Selecting previously unselected package libegl-mesa0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.7094474Z Preparing to unpack .../114-libegl-mesa0_25.0.7-0ubuntu0.24.04.2_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.7109479Z Unpacking libegl-mesa0:amd64 (25.0.7-0ubuntu0.24.04.2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.7379435Z Selecting previously unselected package libevent-2.1-7t64:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.7511288Z Preparing to unpack .../115-libevent-2.1-7t64_2.1.12-stable-9ubuntu2_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.7525928Z Unpacking libevent-2.1-7t64:amd64 (2.1.12-stable-9ubuntu2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.7845253Z Selecting previously unselected package libfaad2:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.7975534Z Preparing to unpack .../116-libfaad2_2.11.1-1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.7989889Z Unpacking libfaad2:amd64 (2.11.1-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.8288201Z Selecting previously unselected package libinstpatch-1.0-2:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.8420536Z Preparing to unpack .../117-libinstpatch-1.0-2_1.1.6-1build2_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.8432745Z Unpacking libinstpatch-1.0-2:amd64 (1.1.6-1build2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.8728185Z Selecting previously unselected package libjack-jackd2-0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.8858397Z Preparing to unpack .../118-libjack-jackd2-0_1.9.21~dfsg-3ubuntu3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.8881255Z Unpacking libjack-jackd2-0:amd64 (1.9.21~dfsg-3ubuntu3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.9204079Z Selecting previously unselected package libwebrtc-audio-processing1:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.9334808Z Preparing to unpack .../119-libwebrtc-audio-processing1_0.3.1-0ubuntu6_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.9378270Z Unpacking libwebrtc-audio-processing1:amd64 (0.3.1-0ubuntu6) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.9655674Z Selecting previously unselected package libspa-0.2-modules:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.9788232Z Preparing to unpack .../120-libspa-0.2-modules_1.0.5-1ubuntu3.1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:07.9804853Z Unpacking libspa-0.2-modules:amd64 (1.0.5-1ubuntu3.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.0170332Z Selecting previously unselected package libpipewire-0.3-0t64:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.0303731Z Preparing to unpack .../121-libpipewire-0.3-0t64_1.0.5-1ubuntu3.1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.0314095Z Unpacking libpipewire-0.3-0t64:amd64 (1.0.5-1ubuntu3.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.0647219Z Selecting previously unselected package libsdl2-2.0-0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.0779169Z Preparing to unpack .../122-libsdl2-2.0-0_2.30.0+dfsg-1ubuntu3.1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.0792940Z Unpacking libsdl2-2.0-0:amd64 (2.30.0+dfsg-1ubuntu3.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.1128876Z Selecting previously unselected package timgm6mb-soundfont. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.1260111Z Preparing to unpack .../123-timgm6mb-soundfont_1.3-5_all.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.1271955Z Unpacking timgm6mb-soundfont (1.3-5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.4725719Z Selecting previously unselected package libfluidsynth3:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.4856422Z Preparing to unpack .../124-libfluidsynth3_2.3.4-1build3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.4870874Z Unpacking libfluidsynth3:amd64 (2.3.4-1build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.5150930Z Selecting previously unselected package libfreeaptx0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.5286656Z Preparing to unpack .../125-libfreeaptx0_0.1.1-2build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.5303519Z Unpacking libfreeaptx0:amd64 (0.1.1-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.5559419Z Selecting previously unselected package libgraphene-1.0-0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.5690891Z Preparing to unpack .../126-libgraphene-1.0-0_1.10.8-3build2_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.5704858Z Unpacking libgraphene-1.0-0:amd64 (1.10.8-3build2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.5974160Z Selecting previously unselected package libgssdp-1.6-0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.6104498Z Preparing to unpack .../127-libgssdp-1.6-0_1.6.3-1build3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.6119836Z Unpacking libgssdp-1.6-0:amd64 (1.6.3-1build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.6378691Z Selecting previously unselected package libegl1:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.6510136Z Preparing to unpack .../128-libegl1_1.7.0-1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.6524891Z Unpacking libegl1:amd64 (1.7.0-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.6778717Z Selecting previously unselected package libgstreamer-gl1.0-0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.6908939Z Preparing to unpack .../129-libgstreamer-gl1.0-0_1.24.2-1ubuntu0.3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.6923690Z Unpacking libgstreamer-gl1.0-0:amd64 (1.24.2-1ubuntu0.3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.7193580Z Selecting previously unselected package libgtk-4-common. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.7325434Z Preparing to unpack .../130-libgtk-4-common_4.14.5+ds-0ubuntu0.5_all.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.7336017Z Unpacking libgtk-4-common (4.14.5+ds-0ubuntu0.5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.7870829Z Selecting previously unselected package libgtk-4-1:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.8002520Z Preparing to unpack .../131-libgtk-4-1_4.14.5+ds-0ubuntu0.5_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.8019582Z Unpacking libgtk-4-1:amd64 (4.14.5+ds-0ubuntu0.5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.8735185Z Selecting previously unselected package libgupnp-1.6-0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.8866151Z Preparing to unpack .../132-libgupnp-1.6-0_1.6.6-1build3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.8876632Z Unpacking libgupnp-1.6-0:amd64 (1.6.6-1build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.9139857Z Selecting previously unselected package libgupnp-igd-1.6-0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.9271980Z Preparing to unpack .../133-libgupnp-igd-1.6-0_1.6.0-3build3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.9310274Z Unpacking libgupnp-igd-1.6-0:amd64 (1.6.0-3build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.9563669Z Selecting previously unselected package libharfbuzz-icu0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.9696336Z Preparing to unpack .../134-libharfbuzz-icu0_8.3.0-2build2_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.9710156Z Unpacking libharfbuzz-icu0:amd64 (8.3.0-2build2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:08.9980041Z Selecting previously unselected package libhyphen0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.0110962Z Preparing to unpack .../135-libhyphen0_2.8.8-7build3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.0123901Z Unpacking libhyphen0:amd64 (2.8.8-7build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.0445106Z Selecting previously unselected package libimath-3-1-29t64:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.0579816Z Preparing to unpack .../136-libimath-3-1-29t64_3.1.9-3.1ubuntu2_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.0599469Z Unpacking libimath-3-1-29t64:amd64 (3.1.9-3.1ubuntu2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.0891414Z Selecting previously unselected package liblc3-1:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.1024078Z Preparing to unpack .../137-liblc3-1_1.0.4-3build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.1035143Z Unpacking liblc3-1:amd64 (1.0.4-3build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.1309000Z Selecting previously unselected package libldacbt-enc2:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.1440243Z Preparing to unpack .../138-libldacbt-enc2_2.0.2.3+git20200429+ed310a0-4ubuntu2_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.1451446Z Unpacking libldacbt-enc2:amd64 (2.0.2.3+git20200429+ed310a0-4ubuntu2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.1752226Z Selecting previously unselected package libraptor2-0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.1882910Z Preparing to unpack .../139-libraptor2-0_2.0.16-3ubuntu0.1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.1911537Z Unpacking libraptor2-0:amd64 (2.0.16-3ubuntu0.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.2210237Z Selecting previously unselected package liblrdf0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.2343229Z Preparing to unpack .../140-liblrdf0_0.6.1-4build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.2372736Z Unpacking liblrdf0:amd64 (0.6.1-4build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.2681056Z Selecting previously unselected package libltc11:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.2812851Z Preparing to unpack .../141-libltc11_1.3.2-1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.2826294Z Unpacking libltc11:amd64 (1.3.2-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.3080246Z Selecting previously unselected package libmanette-0.2-0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.3216694Z Preparing to unpack .../142-libmanette-0.2-0_0.2.7-1build2_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.3235276Z Unpacking libmanette-0.2-0:amd64 (0.2.7-1build2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.3515707Z Selecting previously unselected package libmfx1:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.3647440Z Preparing to unpack .../143-libmfx1_22.5.4-1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.3675171Z Unpacking libmfx1:amd64 (22.5.4-1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.4747435Z Selecting previously unselected package libmjpegutils-2.1-0t64:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.4882730Z Preparing to unpack .../144-libmjpegutils-2.1-0t64_1%3a2.1.0+debian-8.1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.4898876Z Unpacking libmjpegutils-2.1-0t64:amd64 (1:2.1.0+debian-8.1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.5155671Z Selecting previously unselected package libmodplug1:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.5288762Z Preparing to unpack .../145-libmodplug1_1%3a0.8.9.0-3build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.5304447Z Unpacking libmodplug1:amd64 (1:0.8.9.0-3build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.5561708Z Selecting previously unselected package libmpcdec6:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.5692463Z Preparing to unpack .../146-libmpcdec6_2%3a0.1~r495-2build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.5705595Z Unpacking libmpcdec6:amd64 (2:0.1~r495-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.5999697Z Selecting previously unselected package libmpeg2encpp-2.1-0t64:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.6131079Z Preparing to unpack .../147-libmpeg2encpp-2.1-0t64_1%3a2.1.0+debian-8.1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.6144285Z Unpacking libmpeg2encpp-2.1-0t64:amd64 (1:2.1.0+debian-8.1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.6428321Z Selecting previously unselected package libmplex2-2.1-0t64:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.6558174Z Preparing to unpack .../148-libmplex2-2.1-0t64_1%3a2.1.0+debian-8.1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.6576339Z Unpacking libmplex2-2.1-0t64:amd64 (1:2.1.0+debian-8.1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.6828975Z Selecting previously unselected package libneon27t64:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.6958882Z Preparing to unpack .../149-libneon27t64_0.33.0-1.1build3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.6983416Z Unpacking libneon27t64:amd64 (0.33.0-1.1build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.7312470Z Selecting previously unselected package libnice10:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.7442792Z Preparing to unpack .../150-libnice10_0.1.21-2build3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.7472717Z Unpacking libnice10:amd64 (0.1.21-2build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.7801050Z Selecting previously unselected package libopenal-data. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.7932705Z Preparing to unpack .../151-libopenal-data_1%3a1.23.1-4build1_all.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.7945654Z Unpacking libopenal-data (1:1.23.1-4build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.8256745Z Selecting previously unselected package libopenexr-3-1-30:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.8390549Z Preparing to unpack .../152-libopenexr-3-1-30_3.1.5-5.1build3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.8410667Z Unpacking libopenexr-3-1-30:amd64 (3.1.5-5.1build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.8865133Z Selecting previously unselected package libopenh264-7:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.8997068Z Preparing to unpack .../153-libopenh264-7_2.4.1+dfsg-1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.9009960Z Unpacking libopenh264-7:amd64 (2.4.1+dfsg-1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.9418939Z Selecting previously unselected package libopenni2-0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.9551884Z Preparing to unpack .../154-libopenni2-0_2.2.0.33+dfsg-18_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.9583823Z Unpacking libopenni2-0:amd64 (2.2.0.33+dfsg-18) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:09.9918604Z Selecting previously unselected package libqrencode4:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.0049376Z Preparing to unpack .../155-libqrencode4_4.1.1-1build2_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.0075860Z Unpacking libqrencode4:amd64 (4.1.1-1build2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.0337583Z Selecting previously unselected package libsecret-common. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.0468080Z Preparing to unpack .../156-libsecret-common_0.21.4-1build3_all.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.0505350Z Unpacking libsecret-common (0.21.4-1build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.0764622Z Selecting previously unselected package libsecret-1-0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.0899407Z Preparing to unpack .../157-libsecret-1-0_0.21.4-1build3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.0914274Z Unpacking libsecret-1-0:amd64 (0.21.4-1build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.1212926Z Selecting previously unselected package libsndio7.0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.1345897Z Preparing to unpack .../158-libsndio7.0_1.9.0-0.3build3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.1360173Z Unpacking libsndio7.0:amd64 (1.9.0-0.3build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.1662211Z Selecting previously unselected package libsoundtouch1:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.1793828Z Preparing to unpack .../159-libsoundtouch1_2.3.2+ds1-1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.1820577Z Unpacking libsoundtouch1:amd64 (2.3.2+ds1-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.2147874Z Selecting previously unselected package libspandsp2t64:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.2280091Z Preparing to unpack .../160-libspandsp2t64_0.0.6+dfsg-2.1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.2290648Z Unpacking libspandsp2t64:amd64 (0.0.6+dfsg-2.1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.2647470Z Selecting previously unselected package libsrtp2-1:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.2780542Z Preparing to unpack .../161-libsrtp2-1_2.5.0-3build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.2803585Z Unpacking libsrtp2-1:amd64 (2.5.0-3build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.3107282Z Selecting previously unselected package libwildmidi2:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.3238722Z Preparing to unpack .../162-libwildmidi2_0.4.3-1build3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.3256313Z Unpacking libwildmidi2:amd64 (0.4.3-1build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.3531900Z Selecting previously unselected package libwoff1:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.3664198Z Preparing to unpack .../163-libwoff1_1.0.2-2build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.3679003Z Unpacking libwoff1:amd64 (1.0.2-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.3967714Z Selecting previously unselected package libxcb-xkb1:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.4097993Z Preparing to unpack .../164-libxcb-xkb1_1.15-1ubuntu2_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.4117394Z Unpacking libxcb-xkb1:amd64 (1.15-1ubuntu2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.4536242Z Selecting previously unselected package libxkbcommon-x11-0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.4678579Z Preparing to unpack .../165-libxkbcommon-x11-0_1.6.0-1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.4699797Z Unpacking libxkbcommon-x11-0:amd64 (1.6.0-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.5035302Z Selecting previously unselected package libzbar0t64:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.5166164Z Preparing to unpack .../166-libzbar0t64_0.23.93-4build3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.5176930Z Unpacking libzbar0t64:amd64 (0.23.93-4build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.5425740Z Selecting previously unselected package libzxing3:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.5556257Z Preparing to unpack .../167-libzxing3_2.2.1-3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.5565103Z Unpacking libzxing3:amd64 (2.2.1-3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.5840521Z Selecting previously unselected package xfonts-encodings. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.5972326Z Preparing to unpack .../168-xfonts-encodings_1%3a1.0.5-0ubuntu2_all.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.5992059Z Unpacking xfonts-encodings (1:1.0.5-0ubuntu2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.6339765Z Selecting previously unselected package xfonts-utils. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.6472454Z Preparing to unpack .../169-xfonts-utils_1%3a7.7+6build3_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.6494907Z Unpacking xfonts-utils (1:7.7+6build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.6909955Z Selecting previously unselected package xfonts-cyrillic. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.7040026Z Preparing to unpack .../170-xfonts-cyrillic_1%3a1.0.5+nmu1_all.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.7055297Z Unpacking xfonts-cyrillic (1:1.0.5+nmu1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.7497900Z Selecting previously unselected package xfonts-scalable. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.7629874Z Preparing to unpack .../171-xfonts-scalable_1%3a1.0.3-1.3_all.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.7645074Z Unpacking xfonts-scalable (1:1.0.3-1.3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.7964007Z Selecting previously unselected package libgstreamer-plugins-bad1.0-0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.8095043Z Preparing to unpack .../172-libgstreamer-plugins-bad1.0-0_1.24.2-1ubuntu4_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.8113572Z Unpacking libgstreamer-plugins-bad1.0-0:amd64 (1.24.2-1ubuntu4) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.8641903Z Selecting previously unselected package libdca0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.8772715Z Preparing to unpack .../173-libdca0_0.0.7-2build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.8789589Z Unpacking libdca0:amd64 (0.0.7-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.9069956Z Selecting previously unselected package libopenal1:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.9200055Z Preparing to unpack .../174-libopenal1_1%3a1.23.1-4build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.9210059Z Unpacking libopenal1:amd64 (1:1.23.1-4build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.9602190Z Selecting previously unselected package libsbc1:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.9732375Z Preparing to unpack .../175-libsbc1_2.0-1build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:10.9741537Z Unpacking libsbc1:amd64 (2.0-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.0043632Z Selecting previously unselected package libvo-aacenc0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.0173618Z Preparing to unpack .../176-libvo-aacenc0_0.1.3-2build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.0192914Z Unpacking libvo-aacenc0:amd64 (0.1.3-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.0448344Z Selecting previously unselected package libvo-amrwbenc0:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.0579841Z Preparing to unpack .../177-libvo-amrwbenc0_0.1.3-2build1_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.0605635Z Unpacking libvo-amrwbenc0:amd64 (0.1.3-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.0889892Z Selecting previously unselected package gstreamer1.0-plugins-bad:amd64. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.1019843Z Preparing to unpack .../178-gstreamer1.0-plugins-bad_1.24.2-1ubuntu4_amd64.deb ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.1043542Z Unpacking gstreamer1.0-plugins-bad:amd64 (1.24.2-1ubuntu4) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.2404130Z Setting up libgme0:amd64 (0.6.3-7build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.2432760Z Setting up libchromaprint1:amd64 (1.5.1-5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.2462725Z Setting up libssh-gcrypt-4:amd64 (0.10.6-2ubuntu0.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.2501871Z Setting up libhwy1t64:amd64 (1.0.7-8.1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.2542829Z Setting up libcairo-script-interpreter2:amd64 (1.18.0-3build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.2579538Z Setting up libfreeaptx0:amd64 (0.1.1-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.2630567Z Setting up libdvdread8t64:amd64 (6.1.3-1.1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.2667900Z Setting up libudfread0:amd64 (1.1.2-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.2713653Z Setting up libmodplug1:amd64 (1:0.8.9.0-3build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.2777681Z Setting up libcdparanoia0:amd64 (3.10.2+debian-14build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.2850882Z Setting up libvo-amrwbenc0:amd64 (0.1.3-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.2961062Z Setting up session-migration (0.3.9build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.4075281Z Created symlink /etc/systemd/user/graphical-session-pre.target.wants/session-migration.service → /usr/lib/systemd/user/session-migration.service. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.4075884Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.4108783Z Setting up libraw1394-11:amd64 (2.1.2-2build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.4173826Z Setting up libsbc1:amd64 (2.0-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.4246591Z Setting up libproxy1v5:amd64 (0.5.4-4build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.4308654Z Setting up libneon27t64:amd64 (0.33.0-1.1build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.4378274Z Setting up libtag1v5-vanilla:amd64 (1.13.1-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.4465777Z Setting up libharfbuzz-icu0:amd64 (8.3.0-2build2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.4499397Z Setting up libopenni2-0:amd64 (2.2.0.33+dfsg-18) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.4686053Z Setting up libspeex1:amd64 (1.2.1-2ubuntu2.24.04.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.4735071Z Setting up libshine3:amd64 (3.1.1-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.4780118Z Setting up libcaca0:amd64 (0.99.beta20-4build2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.4814119Z Setting up libvpl2 (2023.3.0-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.4858206Z Setting up libv4lconvert0t64:amd64 (1.26.1-4build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.4914119Z Setting up libx264-164:amd64 (2:0.164.3108+git31e19f9-1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.4967502Z Setting up libtwolame0:amd64 (0.4.0-2build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.5025846Z Setting up libmbedcrypto7t64:amd64 (2.28.8-1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.5093817Z Setting up libwoff1:amd64 (1.0.2-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.5129616Z Setting up liblc3-1:amd64 (1.0.4-3build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.5201877Z Setting up libqrencode4:amd64 (4.1.1-1build2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.5244985Z Setting up libhyphen0:amd64 (2.8.8-7build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.5295610Z Setting up libgsm1:amd64 (1.0.22-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.5337085Z Setting up libvisual-0.4-0:amd64 (0.4.2-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.5385271Z Setting up libsoxr0:amd64 (0.1.3-4build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.5427299Z Setting up libzix-0-0:amd64 (0.4.2-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.5472800Z Setting up libcodec2-1.2:amd64 (1.2.0-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.5527844Z Setting up libmanette-0.2-0:amd64 (0.2.7-1build2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.5595740Z Setting up libsrtp2-1:amd64 (2.5.0-3build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.5657712Z Setting up libmysofa1:amd64 (1.3.2+dfsg-2ubuntu2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.5696881Z Setting up libraptor2-0:amd64 (2.0.16-3ubuntu0.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.5761977Z Setting up libldacbt-enc2:amd64 (2.0.2.3+git20200429+ed310a0-4ubuntu2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.5808889Z Setting up fonts-wqy-zenhei (0.9.45-8) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.5984361Z Setting up libwebrtc-audio-processing1:amd64 (0.3.1-0ubuntu6) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.6024859Z Setting up fonts-freefont-ttf (20211204+svn4273-2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.6099563Z Setting up libevent-2.1-7t64:amd64 (2.1.12-stable-9ubuntu2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.6163332Z Setting up libsvtav1enc1d1:amd64 (1.7.0+dfsg-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.6271569Z Setting up libsoup-3.0-common (3.4.4-5ubuntu0.5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.6326253Z Setting up libmpg123-0t64:amd64 (1.32.5-1ubuntu1.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.6384078Z Setting up libcjson1:amd64 (1.7.17-1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.6442247Z Setting up libxvidcore4:amd64 (2:1.3.7-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.6513947Z Setting up libmpcdec6:amd64 (2:0.1~r495-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.6564111Z Setting up libmjpegutils-2.1-0t64:amd64 (1:2.1.0+debian-8.1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.6610901Z Setting up librav1e0:amd64 (0.7.1-2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.6660524Z Setting up liborc-0.4-0t64:amd64 (1:0.4.38-1ubuntu0.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.6699809Z Setting up libxcb-xkb1:amd64 (1.15-1ubuntu2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.6737886Z Setting up libvo-aacenc0:amd64 (0.1.3-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.6780664Z Setting up librist4:amd64 (0.2.10+dfsg-2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.6819888Z Setting up librsvg2-2:amd64 (2.58.0+dfsg-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.6868026Z Setting up libblas3:amd64 (3.12.0-3build1.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.6934046Z update-alternatives: using /usr/lib/x86_64-linux-gnu/blas/libblas.so.3 to provide /usr/lib/x86_64-linux-gnu/libblas.so.3 (libblas.so.3-x86_64-linux-gnu) in auto mode -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.6959027Z Setting up libegl-mesa0:amd64 (25.0.7-0ubuntu0.24.04.2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.7020915Z Setting up libsoundtouch1:amd64 (2.3.2+ds1-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.7054401Z Setting up libplacebo338:amd64 (6.338.2-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.7086210Z Setting up libgles2:amd64 (1.7.0-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.7131118Z Setting up fonts-tlwg-loma-otf (1:0.7.3-1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.7177428Z Setting up libva2:amd64 (2.20.0-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.7207837Z Setting up libspa-0.2-modules:amd64 (1.0.5-1ubuntu3.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.7237900Z Setting up libzxing3:amd64 (2.2.1-3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.7277622Z Setting up xfonts-encodings (1:1.0.5-0ubuntu2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.7332734Z Setting up libopus0:amd64 (1.4-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.7373621Z Setting up libfaad2:amd64 (2.11.1-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.7407097Z Setting up libxkbcommon-x11-0:amd64 (1.6.0-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.7449740Z Setting up libdc1394-25:amd64 (2.2.6-4build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.7495960Z Setting up libimath-3-1-29t64:amd64 (3.1.9-3.1ubuntu2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.7534416Z Setting up libunibreak5:amd64 (5.1-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.7585055Z Setting up libdv4t64:amd64 (1.0.0-17.1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.7661152Z Setting up libjxl0.7:amd64 (0.7.0-10.2ubuntu6.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.7702639Z Setting up libopenh264-7:amd64 (2.4.1+dfsg-1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.7748617Z Setting up libltc11:amd64 (1.3.2-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.7802459Z Setting up libx265-199:amd64 (3.5-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.7878886Z Setting up libv4l-0t64:amd64 (1.26.1-4build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.7925296Z Setting up libavtp0:amd64 (0.2.0-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.7985307Z Setting up libsndio7.0:amd64 (1.9.0-0.3build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.8030923Z Setting up libdirectfb-1.7-7t64:amd64 (1.7.7-11.1ubuntu2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.8243790Z Setting up libspandsp2t64:amd64 (0.0.6+dfsg-2.1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.8305686Z Setting up libvidstab1.1:amd64 (1.1.0-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.8364802Z Setting up libvpx9:amd64 (1.14.0-1ubuntu2.2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.8411788Z Setting up libsrt1.5-gnutls:amd64 (1.5.3-1build2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.8466430Z Setting up libtag1v5:amd64 (1.13.1-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.8508987Z Setting up libflite1:amd64 (2.2-6build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.8566532Z Setting up libdav1d7:amd64 (1.4.1-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.8607190Z Setting up libva-drm2:amd64 (2.20.0-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.8639458Z Setting up fonts-ipafont-gothic (00303-21ubuntu1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.8720632Z update-alternatives: using /usr/share/fonts/opentype/ipafont-gothic/ipag.ttf to provide /usr/share/fonts/truetype/fonts-japanese-gothic.ttf (fonts-japanese-gothic.ttf) in auto mode -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.8741233Z Setting up ocl-icd-libopencl1:amd64 (2.3.2-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.8784028Z Setting up libasyncns0:amd64 (0.8-6build4) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.8835609Z Setting up libwildmidi2:amd64 (0.4.3-1build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.8881344Z Setting up libvdpau1:amd64 (1.5-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.8944244Z Setting up libwavpack1:amd64 (5.6.0-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.8985808Z Setting up libbs2b0:amd64 (3.1.0+dfsg-7build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.9041302Z Setting up libtheora0:amd64 (1.1.1+dfsg.1-16.1build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.9113478Z Setting up libegl1:amd64 (1.7.0-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.9178750Z Setting up libdecor-0-0:amd64 (0.2.2-1build2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.9226399Z Setting up libdca0:amd64 (0.0.7-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.9286008Z Setting up libzimg2:amd64 (3.0.5+ds1-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.9344537Z Setting up libopenal-data (1:1.23.1-4build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.9400331Z Setting up libabsl20220623t64:amd64 (20220623.1-3.1ubuntu3.2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.9448468Z Setting up libflac12t64:amd64 (1.4.3+ds-2.1ubuntu2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.9527240Z Setting up libgtk-4-common (4.14.5+ds-0ubuntu0.5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.9585384Z Setting up libmpeg2encpp-2.1-0t64:amd64 (1:2.1.0+debian-8.1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.9644434Z Setting up glib-networking-common (2.80.0-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.9685990Z Setting up libmfx1:amd64 (22.5.4-1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.9741367Z Setting up libbluray2:amd64 (1:1.3.4-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.9774398Z Setting up libsamplerate0:amd64 (0.2.2-4build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.9811593Z Setting up timgm6mb-soundfont (1.3-5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.9909878Z update-alternatives: using /usr/share/sounds/sf2/TimGM6mb.sf2 to provide /usr/share/sounds/sf2/default-GM.sf2 (default-GM.sf2) in auto mode -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.9952811Z update-alternatives: using /usr/share/sounds/sf2/TimGM6mb.sf2 to provide /usr/share/sounds/sf3/default-GM.sf3 (default-GM.sf3) in auto mode -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:11.9973384Z Setting up libva-x11-2:amd64 (2.20.0-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.0004610Z Setting up libyuv0:amd64 (0.0~git202401110.af6ac82-1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.0043297Z Setting up libmplex2-2.1-0t64:amd64 (1:2.1.0+debian-8.1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.0076964Z Setting up libpipewire-0.3-0t64:amd64 (1.0.5-1ubuntu3.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.0107699Z Setting up libopenmpt0t64:amd64 (0.7.3-1.1build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.0145689Z Setting up libzvbi-common (0.2.42-2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.0179455Z Setting up libsecret-common (0.21.4-1build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.0218104Z Setting up libmp3lame0:amd64 (3.100-6build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.0259047Z Setting up libgraphene-1.0-0:amd64 (1.10.8-3build2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.0292164Z Setting up libvorbisenc2:amd64 (1.3.7-1build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.0331088Z Setting up libdvdnav4:amd64 (6.1.1-3build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.0373532Z Setting up fonts-unifont (1:15.1.01-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.0414463Z Setting up libaa1:amd64 (1.4p5-51.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.0450389Z Setting up libiec61883-0:amd64 (1.2.0-6build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.0479848Z Setting up libserd-0-0:amd64 (0.32.2-1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.0541007Z Setting up libavc1394-0:amd64 (0.5.4-5build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.0587554Z Setting up gsettings-desktop-schemas (46.1-0ubuntu1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.0614860Z Setting up glib-networking-services (2.80.0-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.0648845Z Setting up liblapack3:amd64 (3.12.0-3build1.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.0734562Z update-alternatives: using /usr/lib/x86_64-linux-gnu/lapack/liblapack.so.3 to provide /usr/lib/x86_64-linux-gnu/liblapack.so.3 (liblapack.so.3-x86_64-linux-gnu) in auto mode -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.0755622Z Setting up libzvbi0t64:amd64 (0.2.42-2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.0788591Z Setting up liblrdf0:amd64 (0.6.1-4build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.0839567Z Setting up libzbar0t64:amd64 (0.23.93-4build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.0879736Z Setting up libgstreamer-plugins-base1.0-0:amd64 (1.24.2-1ubuntu0.3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.0917649Z Setting up libavutil58:amd64 (7:6.1.1-3ubuntu5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.0955181Z Setting up libopenal1:amd64 (1:1.23.1-4build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.0998572Z Setting up xfonts-utils (1:7.7+6build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.1076072Z Setting up libsecret-1-0:amd64 (0.21.4-1build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.1182943Z Setting up libgstreamer-plugins-good1.0-0:amd64 (1.24.2-1ubuntu1.2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.1226514Z Setting up libgstreamer-gl1.0-0:amd64 (1.24.2-1ubuntu0.3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.1279397Z Setting up gstreamer1.0-plugins-base:amd64 (1.24.2-1ubuntu0.3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.1312445Z Setting up libass9:amd64 (1:0.17.1-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.1347312Z Setting up libswresample4:amd64 (7:6.1.1-3ubuntu5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.1387166Z Setting up libopenexr-3-1-30:amd64 (3.1.5-5.1build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.1420085Z Setting up libshout3:amd64 (2.4.6-1build2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.1483965Z Setting up libgav1-1:amd64 (0.18.0-1build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.1520694Z Setting up libavcodec60:amd64 (7:6.1.1-3ubuntu5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.1561597Z Setting up librubberband2:amd64 (3.3.0+dfsg-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.1659384Z Setting up libjack-jackd2-0:amd64 (1.9.21~dfsg-3ubuntu3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.1695639Z Setting up libsord-0-0:amd64 (0.16.16-2build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.1731644Z Setting up xfonts-cyrillic (1:1.0.5+nmu1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.2041170Z Setting up libpostproc57:amd64 (7:6.1.1-3ubuntu5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.2072509Z Setting up libsratom-0-0:amd64 (0.6.16-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.2113383Z Setting up libsndfile1:amd64 (1.2.2-1ubuntu5.24.04.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.2147943Z Setting up liblilv-0-0:amd64 (0.24.22-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.2184664Z Setting up libinstpatch-1.0-2:amd64 (1.1.6-1build2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.2216393Z Setting up xfonts-scalable (1:1.0.3-1.3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.2485581Z Setting up libswscale7:amd64 (7:6.1.1-3ubuntu5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.2527813Z Setting up libavif16:amd64 (1.0.4-1ubuntu3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.2571587Z Setting up libpulse0:amd64 (1:16.1+dfsg1-2ubuntu10.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.2662725Z Setting up libavformat60:amd64 (7:6.1.1-3ubuntu5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.2704623Z Setting up libsphinxbase3t64:amd64 (0.8+5prealpha+1-17build2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.2866090Z Setting up libsdl2-2.0-0:amd64 (2.30.0+dfsg-1ubuntu3.1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.2898091Z Setting up libfluidsynth3:amd64 (2.3.4-1build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.2930646Z Setting up libpocketsphinx3:amd64 (0.8.0+real5prealpha+1-15ubuntu5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.2964488Z Setting up libavfilter9:amd64 (7:6.1.1-3ubuntu5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.2999137Z Setting up gstreamer1.0-libav:amd64 (1.24.1-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.3259510Z Processing triggers for fontconfig (2.15.0-1.1ubuntu2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.4058256Z Processing triggers for libc-bin (2.39-0ubuntu8.6) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:12.6731641Z Processing triggers for man-db (2.12.0-4build2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:22.8076093Z Processing triggers for libglib2.0-0t64:amd64 (2.80.0-6ubuntu3.4) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:22.8405422Z Setting up libgtk-4-1:amd64 (4.14.5+ds-0ubuntu0.5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:22.8794174Z Setting up glib-networking:amd64 (2.80.0-1build1) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:22.8864079Z Setting up libsoup-3.0-0:amd64 (3.4.4-5ubuntu0.5) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:22.8930421Z Setting up libgssdp-1.6-0:amd64 (1.6.3-1build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:22.9041996Z Setting up gstreamer1.0-plugins-good:amd64 (1.24.2-1ubuntu1.2) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:22.9098121Z Setting up libgupnp-1.6-0:amd64 (1.6.6-1build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:22.9206884Z Setting up libgupnp-igd-1.6-0:amd64 (1.6.0-3build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:22.9292580Z Setting up libnice10:amd64 (0.1.21-2build3) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:22.9390791Z Setting up libgstreamer-plugins-bad1.0-0:amd64 (1.24.2-1ubuntu4) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:22.9480724Z Setting up gstreamer1.0-plugins-bad:amd64 (1.24.2-1ubuntu4) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:22.9532175Z Processing triggers for libc-bin (2.39-0ubuntu8.6) ... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:23.6207417Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:23.6207956Z Running kernel seems to be up-to-date. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:23.6208342Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:23.6208510Z Restarting services... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:23.6276419Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:23.6276742Z Service restarts being deferred: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:23.6278959Z systemctl restart hosted-compute-agent.service -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:23.6279354Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:23.6279589Z No containers need to be restarted. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:23.6279882Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:23.6280235Z No user sessions are running outdated binaries. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:23.6280656Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:23.6281101Z No VM guests are running outdated hypervisor (qemu) binaries on this host. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:24.5116685Z ##[group]Run npx playwright install -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:24.5117019Z npx playwright install -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:24.5151229Z shell: /usr/bin/bash -e {0} -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:24.5151469Z env: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:24.5151654Z DOTNET_ROOT: /usr/share/dotnet -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:24.5151878Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:26.0466287Z ╔═══════════════════════════════════════════════════════════════════════════════╗ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:26.0467402Z ║ WARNING: It looks like you are running 'npx playwright install' without first ║ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:26.0468559Z ║ installing your project's dependencies. ║ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:26.0469488Z ║ ║ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:26.0470442Z ║ To avoid unexpected behavior, please install your dependencies first, and ║ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:26.0471569Z ║ then run Playwright's install command: ║ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:26.0472553Z ║ ║ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:26.0473659Z ║ npm install ║ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:26.0474690Z ║ npx playwright install ║ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:26.0475474Z ║ ║ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:26.0476355Z ║ If your project does not yet depend on Playwright, first install the ║ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:26.0477463Z ║ applicable npm package (most commonly @playwright/test), and ║ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:26.0478617Z ║ then run Playwright's install command to download the browsers: ║ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:26.0479556Z ║ ║ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:26.0480465Z ║ npm install @playwright/test ║ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:26.0481479Z ║ npx playwright install ║ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:26.0482328Z ║ ║ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:26.0483504Z ╚═══════════════════════════════════════════════════════════════════════════════╝ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:26.0555231Z Downloading Chromium 140.0.7339.186 (playwright build v1193) from https://cdn.playwright.dev/dbazure/download/playwright/builds/chromium/1193/chromium-linux.zip -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:26.2284347Z | | 0% of 173.8 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:26.4360135Z |■■■■■■■■ | 10% of 173.8 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:26.5627581Z |■■■■■■■■■■■■■■■■ | 20% of 173.8 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:26.6695700Z |■■■■■■■■■■■■■■■■■■■■■■■■ | 30% of 173.8 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:26.7675037Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 40% of 173.8 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:26.8663300Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 50% of 173.8 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:26.9565464Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 60% of 173.8 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:27.0468827Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 70% of 173.8 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:27.1396840Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 80% of 173.8 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:27.2486103Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 90% of 173.8 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:27.4033650Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■| 100% of 173.8 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:31.1891096Z Chromium 140.0.7339.186 (playwright build v1193) downloaded to /home/runner/.cache/ms-playwright/chromium-1193 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:31.1895823Z Downloading Chromium Headless Shell 140.0.7339.186 (playwright build v1193) from https://cdn.playwright.dev/dbazure/download/playwright/builds/chromium/1193/chromium-headless-shell-linux.zip -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:31.3587479Z | | 0% of 104.3 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:31.5043452Z |■■■■■■■■ | 10% of 104.3 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:31.5848510Z |■■■■■■■■■■■■■■■■ | 20% of 104.3 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:31.6483482Z |■■■■■■■■■■■■■■■■■■■■■■■■ | 30% of 104.3 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:31.7110626Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 40% of 104.3 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:31.7708694Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 50% of 104.3 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:31.8320275Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 60% of 104.3 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:31.8892978Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 70% of 104.3 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:31.9428578Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 80% of 104.3 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:31.9948168Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 90% of 104.3 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:32.0508499Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■| 100% of 104.3 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:34.0624786Z Chromium Headless Shell 140.0.7339.186 (playwright build v1193) downloaded to /home/runner/.cache/ms-playwright/chromium_headless_shell-1193 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:34.0628318Z Downloading Firefox 141.0 (playwright build v1490) from https://cdn.playwright.dev/dbazure/download/playwright/builds/firefox/1490/firefox-ubuntu-24.04.zip -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:34.2381731Z | | 0% of 96 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:34.3666101Z |■■■■■■■■ | 10% of 96 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:34.4574699Z |■■■■■■■■■■■■■■■■ | 20% of 96 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:34.5231346Z |■■■■■■■■■■■■■■■■■■■■■■■■ | 30% of 96 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:34.5906031Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 40% of 96 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:34.6457561Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 50% of 96 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:34.7159386Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 60% of 96 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:34.7956393Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 70% of 96 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:34.8466799Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 80% of 96 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:34.9205483Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 90% of 96 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:34.9741617Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■| 100% of 96 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:36.9474273Z Firefox 141.0 (playwright build v1490) downloaded to /home/runner/.cache/ms-playwright/firefox-1490 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:36.9477629Z Downloading Webkit 26.0 (playwright build v2203) from https://cdn.playwright.dev/dbazure/download/playwright/builds/webkit/2203/webkit-ubuntu-24.04.zip -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:37.1282048Z | | 0% of 94.2 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:37.3214764Z |■■■■■■■■ | 10% of 94.2 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:37.4059932Z |■■■■■■■■■■■■■■■■ | 20% of 94.2 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:37.4846757Z |■■■■■■■■■■■■■■■■■■■■■■■■ | 30% of 94.2 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:37.5560781Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 40% of 94.2 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:37.6132968Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 50% of 94.2 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:37.6653795Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 60% of 94.2 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:37.7195299Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 70% of 94.2 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:37.7688257Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 80% of 94.2 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:37.8220153Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 90% of 94.2 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:37.8703841Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■| 100% of 94.2 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:39.7872700Z Webkit 26.0 (playwright build v2203) downloaded to /home/runner/.cache/ms-playwright/webkit-2203 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:39.7876188Z Downloading FFMPEG playwright build v1011 from https://cdn.playwright.dev/dbazure/download/playwright/builds/ffmpeg/1011/ffmpeg-linux.zip -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:39.9533398Z | | 0% of 2.3 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:39.9692247Z |■■■■■■■■ | 10% of 2.3 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:39.9744979Z |■■■■■■■■■■■■■■■■ | 20% of 2.3 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:39.9790213Z |■■■■■■■■■■■■■■■■■■■■■■■■ | 30% of 2.3 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:39.9819342Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 40% of 2.3 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:39.9844070Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 50% of 2.3 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:39.9870401Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 60% of 2.3 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:39.9898079Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 70% of 2.3 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:39.9919695Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 80% of 2.3 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:39.9946062Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 90% of 2.3 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:39.9970934Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■| 100% of 2.3 MiB -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:40.0639497Z FFMPEG playwright build v1011 downloaded to /home/runner/.cache/ms-playwright/ffmpeg-1011 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:40.4509116Z ##[group]Run dotnet build -c Release -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:40.4509658Z dotnet build -c Release -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:40.4551349Z shell: /usr/bin/bash -e {0} -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:40.4551594Z env: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:40.4551788Z DOTNET_ROOT: /usr/share/dotnet -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:40.4552030Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:48.5699364Z Determining projects to restore... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:17:58.2111195Z Restored /home/runner/work/TUnit/TUnit/TUnit.Assertions.FSharp/TUnit.Assertions.FSharp.fsproj (in 3.69 sec). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:01.2938938Z Restored /home/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers/TUnit.Assertions.Analyzers.csproj (in 2.2 sec). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:01.7596441Z Restored /home/runner/work/TUnit/TUnit/Playground/Playground.csproj (in 7.22 sec). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:01.8118439Z Restored /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Aspire.Starter/ExampleNamespace.TestProject/ExampleNamespace.TestProject.csproj (in 7.32 sec). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:03.2594561Z Restored /home/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers.CodeFixers/TUnit.Assertions.Analyzers.CodeFixers.csproj (in 1.36 sec). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:03.2906242Z Restored /home/runner/work/TUnit/TUnit/TUnit.Analyzers/TUnit.Analyzers.csproj (in 4 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:04.3364811Z Restored /home/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator.Tests/TUnit.Assertions.SourceGenerator.Tests.csproj (in 9.8 sec). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:04.3554992Z Restored /home/runner/work/TUnit/TUnit/TUnit.Analyzers.Roslyn47/TUnit.Analyzers.Roslyn47.csproj (in 13 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:04.5462218Z Restored /home/runner/work/TUnit/TUnit/TUnit.Analyzers.Tests/TUnit.Analyzers.Tests.csproj (in 1.23 sec). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:04.5630142Z Restored /home/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers.Tests/TUnit.Assertions.Analyzers.Tests.csproj (in 3.23 sec). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:04.5759234Z Restored /home/runner/work/TUnit/TUnit/TUnit.Analyzers.CodeFixers/TUnit.Analyzers.CodeFixers.csproj (in 4 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:04.5919662Z Restored /home/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers.CodeFixers.Tests/TUnit.Assertions.Analyzers.CodeFixers.Tests.csproj (in 2.68 sec). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:04.6281222Z Restored /home/runner/work/TUnit/TUnit/TUnit/TUnit.csproj (in 34 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:04.9237949Z Restored /home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj (in 314 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:05.4933719Z Restored /home/runner/work/TUnit/TUnit/TUnit.Analyzers.Roslyn44/TUnit.Analyzers.Roslyn44.csproj (in 1.13 sec). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:05.5251099Z Restored /home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj (in 18 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:05.9774464Z Restored /home/runner/work/TUnit/TUnit/TUnit.Analyzers.Roslyn414/TUnit.Analyzers.Roslyn414.csproj (in 1.34 sec). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:05.9788682Z Restored /home/runner/work/TUnit/TUnit/TUnit.TestProject.VB.NET/TUnit.TestProject.VB.NET.vbproj (in 893 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:05.9860501Z Restored /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit/TestProject.csproj (in 6 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:05.9867731Z Restored /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.VB/TestProject.vbproj (in 6 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:06.1700670Z Restored /home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj (in 1.48 sec). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:06.2222742Z Restored /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Aspire.Test/ExampleNamespace.csproj (in 7 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:06.3756620Z Restored /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.FSharp/TestProject.fsproj (in 353 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:06.4927420Z Restored /home/runner/work/TUnit/TUnit/TUnit.TestProject.FSharp/TUnit.TestProject.FSharp.fsproj (in 815 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:06.5339128Z Restored /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Aspire.Starter/ExampleNamespace.AppHost/ExampleNamespace.AppHost.csproj (in 7 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:07.3466898Z Restored /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Aspire.Starter/ExampleNamespace.ServiceDefaults/ExampleNamespace.ServiceDefaults.csproj (in 966 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:07.3479284Z Restored /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Aspire.Starter/ExampleNamespace.WebApp/ExampleNamespace.WebApp.csproj (in 1.12 sec). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:07.3518070Z Restored /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Aspire.Starter/ExampleNamespace.ApiService/ExampleNamespace.ApiService.csproj (in 809 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:07.3578648Z Restored /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.AspNet.FSharp/WebApp/WebApp.fsproj (in 4 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:07.5869258Z Restored /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.AspNet/WebApp/WebApp.csproj (in 237 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:07.7270003Z Restored /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.AspNet/TestProject/TestProject.csproj (in 373 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:07.7824539Z Restored /home/runner/work/TUnit/TUnit/TUnit.Engine/TUnit.Engine.csproj (in 19 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:07.9286932Z Restored /home/runner/work/TUnit/TUnit/TUnit.Example.Asp.Net/TUnit.Example.Asp.Net.csproj (in 567 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:07.9580304Z Restored /home/runner/work/TUnit/TUnit/TUnit.Example.Asp.Net.TestProject/TUnit.Example.Asp.Net.TestProject.csproj (in 356 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:07.9615059Z Restored /home/runner/work/TUnit/TUnit/TUnit.Engine.Tests/TUnit.Engine.Tests.csproj (in 167 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:07.9666663Z Restored /home/runner/work/TUnit/TUnit/TUnit.Core/TUnit.Core.csproj (in 10 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:07.9794730Z Restored /home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj (in 4 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:07.9830453Z Restored /home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj (in 8 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:07.9896377Z Restored /home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj (in 3 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:07.9947464Z Restored /home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj (in 3 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:08.0092995Z Restored /home/runner/work/TUnit/TUnit/TUnit.Assertions/TUnit.Assertions.csproj (in 8 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:08.0257216Z Restored /home/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator/TUnit.Assertions.SourceGenerator.csproj (in 4 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:08.0267219Z Restored /home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj (in 12 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:08.0634354Z Restored /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.AspNet.FSharp/TestProject/TestProject.fsproj (in 32 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:08.0806707Z Restored /home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj (in 98 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:08.3711421Z Restored /home/runner/work/TUnit/TUnit/TUnit.RpcTests/TUnit.RpcTests.csproj (in 286 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:08.4006395Z Restored /home/runner/work/TUnit/TUnit/TUnit.Templates/TUnit.Templates.csproj (in 372 ms). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:09.2412928Z Restored /home/runner/work/TUnit/TUnit/TUnit.Templates.Tests/TUnit.Templates.Tests.csproj (in 1.17 sec). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:11.5135602Z Restored /home/runner/work/TUnit/TUnit/TUnit.Pipeline/TUnit.Pipeline.csproj (in 2.26 sec). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:11.7839956Z Restored /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Playwright/TestProject.csproj (in 5.79 sec). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:11.8042527Z Restored /home/runner/work/TUnit/TUnit/TUnit.Playwright/TUnit.Playwright.csproj (in 3.39 sec). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:11.8071700Z Restored /home/runner/work/TUnit/TUnit/TUnit.PublicAPI/TUnit.PublicAPI.csproj (in 3.42 sec). -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:11.9936767Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:12.1564781Z /home/runner/.nuget/packages/system.text.encodings.web/9.0.0/buildTransitive/netcoreapp2.0/System.Text.Encodings.Web.targets(4,5): warning : System.Text.Encodings.Web 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:12.1578533Z /home/runner/.nuget/packages/system.io.pipelines/9.0.0/buildTransitive/netcoreapp2.0/System.IO.Pipelines.targets(4,5): warning : System.IO.Pipelines 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:12.1598170Z /home/runner/.nuget/packages/microsoft.bcl.asyncinterfaces/9.0.0/buildTransitive/netcoreapp2.0/Microsoft.Bcl.AsyncInterfaces.targets(4,5): warning : Microsoft.Bcl.AsyncInterfaces 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:12.1606273Z /home/runner/.nuget/packages/system.text.json/9.0.0/buildTransitive/netcoreapp2.0/System.Text.Json.targets(4,5): warning : System.Text.Json 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:12.7346025Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:12.7414510Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:17.2324674Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers/AnalyzerReleases.Shipped.md(5,1): warning RS2007: Analyzer release file 'AnalyzerReleases.Shipped.md' has a missing or invalid release header '#### Assertion Usage Rules' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers/TUnit.Assertions.Analyzers.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:17.3846311Z TUnit.Assertions.Analyzers -> /home/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers/bin/Release/netstandard2.0/TUnit.Assertions.Analyzers.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:19.9786316Z TUnit.Core -> /home/runner/work/TUnit/TUnit/TUnit.Core/bin/Release/netstandard2.0/TUnit.Core.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:21.8599355Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator/Generators/AssertionMethodGenerator.cs(113,21): warning CS8604: Possible null reference argument for parameter 'MethodName' in 'CreateAssertionAttributeData.CreateAssertionAttributeData(INamedTypeSymbol TargetType, INamedTypeSymbol ContainingType, string MethodName, string? CustomName, bool NegateLogic, bool RequiresGenericTypeParameter, bool TreatAsInstance)'. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator/TUnit.Assertions.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:21.8631390Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator/Generators/AssertionMethodGenerator.cs(220,21): warning CS8604: Possible null reference argument for parameter 'MethodName' in 'CreateAssertionAttributeData.CreateAssertionAttributeData(INamedTypeSymbol TargetType, INamedTypeSymbol ContainingType, string MethodName, string? CustomName, bool NegateLogic, bool RequiresGenericTypeParameter, bool TreatAsInstance)'. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator/TUnit.Assertions.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:21.8760983Z TUnit.Assertions.SourceGenerator -> /home/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator/bin/Release/netstandard2.0/TUnit.Assertions.SourceGenerator.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:26.0614991Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Analyzers/AnalyzerReleases.Shipped.md(5,1): warning RS2007: Analyzer release file 'AnalyzerReleases.Shipped.md' has a missing or invalid release header '#### Test Method and Structure Rules' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [/home/runner/work/TUnit/TUnit/TUnit.Analyzers/TUnit.Analyzers.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:26.0758246Z TUnit.Analyzers -> /home/runner/work/TUnit/TUnit/TUnit.Analyzers/bin/Release/netstandard2.0/TUnit.Analyzers.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:26.2132782Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:26.2621420Z TUnit.Pipeline -> /home/runner/work/TUnit/TUnit/TUnit.Pipeline/bin/Release/net8.0/TUnit.Pipeline.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:26.3244534Z TUnit.Core -> /home/runner/work/TUnit/TUnit/TUnit.Core/bin/Release/net8.0/TUnit.Core.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:26.3767179Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:26.3906453Z TUnit.Core -> /home/runner/work/TUnit/TUnit/TUnit.Core/bin/Release/net9.0/TUnit.Core.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:26.4174069Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:26.4580711Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:26.4977377Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:26.5661435Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:26.5892144Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:26.6887142Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:26.7597492Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:26.7673030Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:26.8614541Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:26.8895886Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:26.9333750Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:26.9422452Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:27.0155984Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:27.0701098Z TUnit.Assertions.Analyzers.CodeFixers -> /home/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers.CodeFixers/bin/Release/netstandard2.0/TUnit.Assertions.Analyzers.CodeFixers.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:30.3246748Z TestProject -> /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Playwright/bin/Release/net8.0/TestProject.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:30.5260966Z TUnit.RpcTests -> /home/runner/work/TUnit/TUnit/TUnit.RpcTests/bin/Release/net8.0/TUnit.RpcTests.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:35.3682308Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/CodeGenerators/Helpers/TupleArgumentHelper.cs(72,37): warning CS8600: Converting null literal or possible null value to non-nullable type. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:35.3752475Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/AotMethodInvocationGenerator.cs(168,52): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:35.3763871Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(688,54): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:35.3771279Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2207,20): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:35.3812625Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2215,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:35.3907673Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2235,24): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:35.3926990Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2244,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:35.3931288Z TUnit.Core.SourceGenerator -> /home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/bin/Release/netstandard2.0/TUnit.Core.SourceGenerator.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:39.2012640Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(688,54): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:39.2020023Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/CodeGenerators/Helpers/TupleArgumentHelper.cs(72,37): warning CS8600: Converting null literal or possible null value to non-nullable type. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:39.2027440Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/AotMethodInvocationGenerator.cs(168,52): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:39.2035450Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2207,20): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:39.2043860Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2215,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:39.2051257Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2235,24): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:39.2059217Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2244,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:39.2218500Z TUnit.Core.SourceGenerator.Roslyn44 -> /home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/bin/Release/netstandard2.0/TUnit.Core.SourceGenerator.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:43.0893625Z TUnit.Analyzers.Roslyn44 -> /home/runner/work/TUnit/TUnit/TUnit.Analyzers.Roslyn44/bin/Release/netstandard2.0/TUnit.Analyzers.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:43.1352309Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/AotMethodInvocationGenerator.cs(168,52): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:43.1358950Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/CodeGenerators/Helpers/TupleArgumentHelper.cs(72,37): warning CS8600: Converting null literal or possible null value to non-nullable type. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:43.1366835Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(688,54): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:43.1374742Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2207,20): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:43.1382232Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2215,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:43.1432219Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2235,24): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:43.1440030Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2244,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:43.2115022Z TUnit.Core.SourceGenerator.Roslyn47 -> /home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/bin/Release/netstandard2.0/TUnit.Core.SourceGenerator.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:43.6124608Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:46.3755529Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Analyzers/MultipleConstructorsAnalyzer.cs(13,15): warning RS2008: Enable analyzer release tracking for the analyzer project containing rule 'TUnit0052' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [/home/runner/work/TUnit/TUnit/TUnit.Analyzers.Roslyn47/TUnit.Analyzers.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:46.3946574Z TUnit.Analyzers.Roslyn47 -> /home/runner/work/TUnit/TUnit/TUnit.Analyzers.Roslyn47/bin/Release/netstandard2.0/TUnit.Analyzers.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:46.8096649Z TestProject -> /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit/bin/Release/net8.0/TestProject.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:47.0920739Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:47.2661995Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:47.3816603Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:48.1799634Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:49.1575466Z TUnit.Templates -> /home/runner/work/TUnit/TUnit/TUnit.Templates/bin/Release/net9.0/TUnit.Templates.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:50.3028335Z ExampleNamespace -> /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Aspire.Test/bin/Release/net9.0/ExampleNamespace.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:50.4995534Z WebApp -> /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.AspNet/WebApp/bin/Release/net9.0/WebApp.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:50.5163758Z TUnit.Engine -> /home/runner/work/TUnit/TUnit/TUnit.Engine/bin/Release/net8.0/TUnit.Engine.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:50.5967116Z ExampleNamespace.ServiceDefaults -> /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Aspire.Starter/ExampleNamespace.ServiceDefaults/bin/Release/net9.0/ExampleNamespace.ServiceDefaults.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:50.6122675Z TUnit.Engine -> /home/runner/work/TUnit/TUnit/TUnit.Engine/bin/Release/netstandard2.0/TUnit.Engine.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:50.7906697Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:50.8758284Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:50.9451412Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:50.9954810Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:51.3042607Z TUnit.Assertions -> /home/runner/work/TUnit/TUnit/TUnit.Assertions/bin/Release/net9.0/TUnit.Assertions.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:51.3770471Z TestProject -> /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.AspNet/TestProject/bin/Release/net9.0/TestProject.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:51.3942196Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:51.9893290Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:52.0371616Z TUnit.Example.Asp.Net -> /home/runner/work/TUnit/TUnit/TUnit.Example.Asp.Net/bin/Release/net9.0/TUnit.Example.Asp.Net.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:52.1104572Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:52.1817653Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:52.3348239Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:52.7284564Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:52.8758360Z /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.FSharp/TestProject.fsproj : warning NU1504: Duplicate 'PackageReference' items found. Remove the duplicate items or use the Update functionality to ensure a consistent restore behavior. The duplicate 'PackageReference' items are: TUnit.Assertions.FSharp *, TUnit.Assertions.FSharp 0.61.39. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:53.6308308Z /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.AspNet.FSharp/TestProject/TestProject.fsproj : warning NU1504: Duplicate 'PackageReference' items found. Remove the duplicate items or use the Update functionality to ensure a consistent restore behavior. The duplicate 'PackageReference' items are: TUnit.Assertions.FSharp *, TUnit.Assertions.FSharp 0.61.39. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:56.9681695Z TestProject -> /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.VB/bin/Release/net8.0/TestProject.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:59.6487825Z TUnit.Assertions -> /home/runner/work/TUnit/TUnit/TUnit.Assertions/bin/Release/net8.0/TUnit.Assertions.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:59.6763878Z TUnit.Assertions -> /home/runner/work/TUnit/TUnit/TUnit.Assertions/bin/Release/netstandard2.0/TUnit.Assertions.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:18:59.7139380Z ExampleNamespace.ApiService -> /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Aspire.Starter/ExampleNamespace.ApiService/bin/Release/net9.0/ExampleNamespace.ApiService.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:00.5179035Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Analyzers/MultipleConstructorsAnalyzer.cs(13,15): warning RS2008: Enable analyzer release tracking for the analyzer project containing rule 'TUnit0052' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [/home/runner/work/TUnit/TUnit/TUnit.Analyzers.Roslyn414/TUnit.Analyzers.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:00.5636174Z TUnit.Analyzers.Roslyn414 -> /home/runner/work/TUnit/TUnit/TUnit.Analyzers.Roslyn414/bin/Release/netstandard2.0/TUnit.Analyzers.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:00.6525805Z TUnit.Analyzers.CodeFixers -> /home/runner/work/TUnit/TUnit/TUnit.Analyzers.CodeFixers/bin/Release/netstandard2.0/TUnit.Analyzers.CodeFixers.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:01.6254765Z TUnit.Assertions.FSharp -> /home/runner/work/TUnit/TUnit/TUnit.Assertions.FSharp/bin/Release/net9.0/TUnit.Assertions.FSharp.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:03.4216763Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:03.6466580Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:03.8983968Z Removing SourceGeneratedViewer directory... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:05.6776698Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/AotMethodInvocationGenerator.cs(168,52): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:05.6797644Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/CodeGenerators/Helpers/TupleArgumentHelper.cs(72,37): warning CS8600: Converting null literal or possible null value to non-nullable type. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:05.6849833Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(688,54): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:05.6872181Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2207,20): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:05.6879814Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2215,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:05.6912270Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2235,24): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:05.6919981Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2244,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:05.7134658Z TUnit.Core.SourceGenerator.Roslyn414 -> /home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/bin/Release/netstandard2.0/TUnit.Core.SourceGenerator.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:05.7233535Z TestProject -> /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.FSharp/bin/Release/net8.0/TestProject.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:05.7950946Z WebApp -> /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.AspNet.FSharp/WebApp/bin/Release/net9.0/WebApp.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:06.1782756Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:06.1789469Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:06.2417517Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:06.2423994Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:06.2636925Z TUnit.TestProject.Library -> /home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/bin/Release/net9.0/TUnit.TestProject.Library.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:06.8444409Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:06.8451673Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:07.0899829Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:07.0906588Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:07.1167257Z TUnit.TestProject.Library -> /home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/bin/Release/net6.0/TUnit.TestProject.Library.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:07.1315283Z TUnit.Assertions.FSharp -> /home/runner/work/TUnit/TUnit/TUnit.Assertions.FSharp/bin/Release/netstandard2.0/TUnit.Assertions.FSharp.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:07.1486584Z TUnit.Assertions.FSharp -> /home/runner/work/TUnit/TUnit/TUnit.Assertions.FSharp/bin/Release/net8.0/TUnit.Assertions.FSharp.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:07.4459086Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:07.4465999Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:07.4695823Z TUnit.TestProject.Library -> /home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/bin/Release/net472/TUnit.TestProject.Library.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:09.5124678Z TUnit -> /home/runner/work/TUnit/TUnit/TUnit/bin/Release/netstandard2.0/TUnit.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:12.4205405Z TUnit.Assertions.Analyzers.Tests -> /home/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers.Tests/bin/Release/net8.0/TUnit.Assertions.Analyzers.Tests.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:17.8778783Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:17.8834442Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(56,104): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:17.8879233Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(73,121): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:17.8897365Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(90,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:17.8910087Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:17.8921825Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(56,91): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:17.9021079Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_BaseStaticClass_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:17.9058483Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_NestedService_PropertyInjection.g.cs(39,89): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:17.9088458Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_CustomService_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:17.9098206Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(39,93): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:17.9121992Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(56,139): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:17.9161967Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(73,162): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:17.9172073Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_CustomPropertyDataSourceTests_PropertyInjection.g.cs(39,71): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:17.9181741Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_BaseTestClass_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:17.9218484Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:17.9266205Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(56,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:17.9277511Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_ComplexData_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:17.9287024Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/PropertyDataSourceInjectionTests.cs(161,111): warning CS8604: Possible null reference argument for parameter 'testInformation' in 'Task<(bool success, object? createdInstance)> DataSourceHelpers.TryCreateWithInitializerAsync(Type type, MethodMetadata testInformation, string testSessionId)'. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:17.9293268Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(14,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:17.9302240Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:17.9337573Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:17.9342356Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:17.9347246Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/EmptyDataSourceTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:17.9352971Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/GenericTestGenerationTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:17.9361475Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:17.9366556Z TUnit.UnitTests -> /home/runner/work/TUnit/TUnit/TUnit.UnitTests/bin/Release/net472/TUnit.UnitTests.exe -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:17.9554995Z TUnit.Assertions.SourceGenerator.Tests -> /home/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator.Tests/bin/Release/net472/TUnit.Assertions.SourceGenerator.Tests.exe -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:23.8838851Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(17,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:23.8848517Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(34,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:23.8858234Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(11,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:23.8887915Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(49,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:23.8897170Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(72,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:23.8906236Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(33,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:23.9491664Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(47,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:23.9497822Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(96,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:23.9514902Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(61,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:23.9520836Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(113,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:23.9551169Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(130,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:23.9555883Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(79,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:23.9560309Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(97,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:23.9564835Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(147,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:23.9569640Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(11,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:23.9574926Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(17,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:23.9579778Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:23.9584708Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:23.9589484Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(40,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:23.9594408Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:23.9599255Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(53,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:23.9965418Z TUnit.Assertions.Tests -> /home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/bin/Release/net472/TUnit.Assertions.Tests.exe -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:24.0246454Z TUnit -> /home/runner/work/TUnit/TUnit/TUnit/bin/Release/net8.0/TUnit.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:24.0453456Z TUnit.Assertions.Analyzers.Tests -> /home/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers.Tests/bin/Release/net472/TUnit.Assertions.Analyzers.Tests.exe -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.2042064Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AbstractTests.cs(29,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.2051292Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AbstractTests.cs(47,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.2059876Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AfterAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.2069350Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.2127153Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.2135982Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TimeoutCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.2219477Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ArgsAsArrayTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.2227501Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ArgumentWithImplicitConverterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.2298509Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyAfterTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.2336443Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyBeforeTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.2386357Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyLoaderTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.2394178Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AttributeTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.2402428Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BasicTests.cs(15,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.2410126Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BeforeAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.2417810Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.2592925Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/Issue2887/Issue2887Tests.cs(17,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.2601136Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2136/Tests2136.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.2609189Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassConstructorTest.cs(23,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.2712164Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassAndMethodArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.2751200Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1304/EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.2776113Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.2874371Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2112/Tests2112.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.2923712Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2085/Tests2085.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.2931601Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2083/Tests2083.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.2939646Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTestsSharedKeyed.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.3074773Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTests2.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.3101938Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.3168253Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ConcreteClassTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.3246414Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ConstantArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.3254761Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1899/Tests1899.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.3262288Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1899/Tests1899.cs(35,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.3375831Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/CustomDisplayNameTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.3383758Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataDrivenTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.3391486Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1889/Tests1889.cs(22,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.3399221Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceGeneratorTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.3517338Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.3549554Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceClassCombinedWithDataSourceMethodTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.3589288Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1821/Tests1821.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.3697445Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Dynamic/Basic.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.3705312Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1692/Tests1692.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.3712966Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceGeneratorTests.cs(28,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.3721224Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/ConstantsInInterpolatedStringsTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.3840609Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/ConstantInBaseClassTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.3848556Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1539/Tests1539.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.3856163Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/EnumerableTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4005089Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DisableReflectionScannerTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4013346Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1603/Tests1603.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4021107Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1594/Tests1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4076746Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1589/Tests1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4137262Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/EnumerableDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4195464Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1538/Tests1538.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4203252Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1589/Hooks1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4210800Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1594/Hooks1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4279511Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GenericMethodTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4295275Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GlobalStaticAfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4319358Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GlobalStaticBeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4327166Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/HooksTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4334844Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/HooksTests.cs(18,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4341987Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/InheritedPropertySetterTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4426620Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MethodDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4434245Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MatrixTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4442349Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MethodDataSourceDrivenWithCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4511451Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MultipleClassDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4519451Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NumberArgumentTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4527297Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NullableByteArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4597303Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NameOfArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4605621Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/RepeatTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4613726Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/PriorityFilteringTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4621284Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/PropertySetterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4628876Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/StringArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4636738Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/STAThreadTests.cs(16,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4644242Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TestDiscoveryHookTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:27.4650567Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyNamesWithDashesTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.2437387Z TUnit.Playwright -> /home/runner/work/TUnit/TUnit/TUnit.Playwright/bin/Release/net8.0/TUnit.Playwright.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.2731661Z TUnit.Engine -> /home/runner/work/TUnit/TUnit/TUnit.Engine/bin/Release/net9.0/TUnit.Engine.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.3059789Z TUnit.TestProject.Library -> /home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/bin/Release/net8.0/TUnit.TestProject.Library.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.3279437Z TUnit.TestProject.Library -> /home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/bin/Release/netstandard2.0/TUnit.TestProject.Library.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.3744815Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.3780629Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(56,104): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.3790137Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(73,121): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.3801776Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(90,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.3908592Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_ComplexData_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.4004393Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_CustomPropertyDataSourceTests_PropertyInjection.g.cs(39,71): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.4041206Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_BaseTestClass_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.4050468Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_CustomService_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.4068021Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_NestedService_PropertyInjection.g.cs(39,89): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.4076784Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/PropertyDataSourceInjectionTests.cs(161,111): warning CS8604: Possible null reference argument for parameter 'testInformation' in 'Task<(bool success, object? createdInstance)> DataSourceHelpers.TryCreateWithInitializerAsync(Type type, MethodMetadata testInformation, string testSessionId)'. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.4084580Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_BaseStaticClass_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.4184063Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.4193354Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(56,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.4202635Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(39,93): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.4211733Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(56,139): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.4260444Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(73,162): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.4269667Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.4278790Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(56,91): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.4356339Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/EmptyDataSourceTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.4361272Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(14,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.4366386Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.4371857Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/GenericTestGenerationTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.4377116Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.4381567Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.4437771Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:28.4544460Z TUnit.UnitTests -> /home/runner/work/TUnit/TUnit/TUnit.UnitTests/bin/Release/net8.0/TUnit.UnitTests.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:29.4606584Z TestProject -> /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.AspNet.FSharp/TestProject/bin/Release/net9.0/TestProject.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:42.4186909Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(17,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:42.4191387Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(11,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:42.4195976Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(34,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:42.4200333Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(33,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:42.4204821Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(49,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:42.4209304Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(72,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:42.4214286Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(96,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:42.4218785Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(113,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:42.4223370Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(47,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:42.4227689Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(61,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:42.4231962Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(79,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:42.4236457Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(130,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:42.4240796Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(97,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:42.4245434Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(147,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:42.4249994Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(11,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:42.4254949Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(17,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:42.4259631Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:42.4264669Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:42.4296671Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(40,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:42.4301582Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:42.4306437Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(53,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:42.4607182Z TUnit.Assertions.Tests -> /home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/bin/Release/net8.0/TUnit.Assertions.Tests.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:42.8094443Z TUnit.Analyzers.Tests -> /home/runner/work/TUnit/TUnit/TUnit.Analyzers.Tests/bin/Release/net8.0/TUnit.Analyzers.Tests.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:42.8179999Z TUnit.Analyzers.Tests -> /home/runner/work/TUnit/TUnit/TUnit.Analyzers.Tests/bin/Release/net472/TUnit.Analyzers.Tests.exe -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:43.7412280Z TUnit.Playwright -> /home/runner/work/TUnit/TUnit/TUnit.Playwright/bin/Release/netstandard2.0/TUnit.Playwright.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:44.7726271Z TUnit.Assertions.Analyzers.CodeFixers.Tests -> /home/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers.CodeFixers.Tests/bin/Release/net8.0/TUnit.Assertions.Analyzers.CodeFixers.Tests.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:47.3116244Z TUnit.Assertions.SourceGenerator.Tests -> /home/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator.Tests/bin/Release/net8.0/TUnit.Assertions.SourceGenerator.Tests.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:47.3237053Z TUnit.Assertions.Analyzers.CodeFixers.Tests -> /home/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers.CodeFixers.Tests/bin/Release/net472/TUnit.Assertions.Analyzers.CodeFixers.Tests.exe -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:47.7904605Z ExampleNamespace.WebApp -> /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Aspire.Starter/ExampleNamespace.WebApp/bin/Release/net9.0/ExampleNamespace.WebApp.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:47.8350342Z TUnit.Core.SourceGenerator.Tests -> /home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/bin/Release/net472/TUnit.Core.SourceGenerator.Tests.exe -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.0696718Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AfterAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.0716102Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.0724597Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ArgumentWithImplicitConverterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.0736931Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyAfterTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.0745102Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ArgsAsArrayTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.0752767Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyLoaderTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.0857307Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AttributeTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.0865903Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BasicTests.cs(15,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.0993523Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BeforeAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1005424Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1013410Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/Issue2887/Issue2887Tests.cs(17,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1021275Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2136/Tests2136.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1161247Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2112/Tests2112.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1169438Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassAndMethodArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1245192Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1304/EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1254766Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2085/Tests2085.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1264986Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2083/Tests2083.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1274581Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyBeforeTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1285156Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassConstructorTest.cs(23,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1295439Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTests2.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1306922Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTestsSharedKeyed.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1316538Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1899/Tests1899.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1326022Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1899/Tests1899.cs(35,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1335261Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1343983Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1354264Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/ConstantsInInterpolatedStringsTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1364314Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AbstractTests.cs(29,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1373717Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/ConstantInBaseClassTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1382258Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1539/Tests1539.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1392762Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ConcreteClassTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1402835Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1412189Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/CustomDisplayNameTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1420907Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataDrivenTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1432852Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceClassCombinedWithDataSourceMethodTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1442965Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceGeneratorTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1453948Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1538/Tests1538.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1462274Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/EnumerableDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1475030Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/EnumerableTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1485949Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AbstractTests.cs(47,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1496735Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceGeneratorTests.cs(28,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1507252Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GenericMethodTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1517404Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ConstantArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1527723Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1889/Tests1889.cs(22,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1538305Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1821/Tests1821.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1548528Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1589/Tests1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1558319Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1692/Tests1692.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1567644Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1589/Hooks1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1576961Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1603/Tests1603.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1586339Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GlobalStaticAfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1596162Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GlobalStaticBeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1604103Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/HooksTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1614130Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/HooksTests.cs(18,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1622475Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/InheritedPropertySetterTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1630339Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DisableReflectionScannerTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1638079Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MatrixTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1645859Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MethodDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1654136Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Dynamic/Basic.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1661632Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MethodDataSourceDrivenWithCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1669822Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MultipleClassDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1677725Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NullableByteArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1685421Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1594/Tests1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1692843Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1594/Hooks1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1701000Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/PriorityFilteringTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1708722Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NameOfArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1716416Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/PropertySetterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1724253Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NumberArgumentTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1731805Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/STAThreadTests.cs(16,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1739642Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/RepeatTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1747237Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/StringArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1754870Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TestDiscoveryHookTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1762970Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TimeoutCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1771105Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.1777289Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyNamesWithDashesTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:48.2187627Z TUnit.Core.SourceGenerator.Tests -> /home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/bin/Release/net8.0/TUnit.Core.SourceGenerator.Tests.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:49.1400196Z ExampleNamespace.AppHost -> /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Aspire.Starter/ExampleNamespace.AppHost/bin/Release/net9.0/ExampleNamespace.AppHost.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:50.2558313Z TUnit.Assertions.Analyzers.Tests -> /home/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers.Tests/bin/Release/net9.0/TUnit.Assertions.Analyzers.Tests.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:50.2775352Z TUnit -> /home/runner/work/TUnit/TUnit/TUnit/bin/Release/net9.0/TUnit.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:51.2236931Z TUnit.Assertions.SourceGenerator.Tests -> /home/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator.Tests/bin/Release/net9.0/TUnit.Assertions.SourceGenerator.Tests.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:52.3444104Z TUnit.Playwright -> /home/runner/work/TUnit/TUnit/TUnit.Playwright/bin/Release/net9.0/TUnit.Playwright.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:54.9747273Z TUnit.Engine.Tests -> /home/runner/work/TUnit/TUnit/TUnit.Engine.Tests/bin/Release/net9.0/TUnit.Engine.Tests.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.2658090Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AfterAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.2667723Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.2703990Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ArgsAsArrayTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.2712044Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ArgumentWithImplicitConverterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.2720177Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyAfterTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.2729167Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyBeforeTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.2736777Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyLoaderTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.2744268Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AttributeTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.2751565Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AbstractTests.cs(29,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.2969839Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BasicTests.cs(15,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.2977830Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.2985738Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AbstractTests.cs(47,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3046743Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BeforeAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3054656Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassAndMethodArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3062352Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassConstructorTest.cs(23,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3070250Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/Issue2887/Issue2887Tests.cs(17,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3078877Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3086590Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2136/Tests2136.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3094385Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTests2.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3102171Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTestsSharedKeyed.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3121179Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3129079Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1538/Tests1538.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3136864Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1539/Tests1539.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3144832Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataDrivenTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3152619Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceClassCombinedWithDataSourceMethodTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3160724Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1304/EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3168681Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/ConstantInBaseClassTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3176511Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2112/Tests2112.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3184595Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3192528Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceGeneratorTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3230103Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2085/Tests2085.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3260149Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/ConstantsInInterpolatedStringsTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3268245Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceGeneratorTests.cs(28,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3276078Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2083/Tests2083.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3286373Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DisableReflectionScannerTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3294241Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ConcreteClassTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3301728Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Dynamic/Basic.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3310199Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/EnumerableTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3318140Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ConstantArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3325973Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1589/Tests1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3333714Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/CustomDisplayNameTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3341312Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1589/Hooks1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3349099Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GenericMethodTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3356871Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/HooksTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3364543Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1594/Tests1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3372490Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/HooksTests.cs(18,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3434348Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/EnumerableDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3442058Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1594/Hooks1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3449780Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1899/Tests1899.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3461083Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/InheritedPropertySetterTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3484332Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1899/Tests1899.cs(35,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3491999Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GlobalStaticBeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3499857Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1603/Tests1603.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3738831Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GlobalStaticAfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3747184Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MatrixTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3755035Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MethodDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3762826Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MultipleClassDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3770732Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1692/Tests1692.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3778469Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NameOfArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3786187Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1889/Tests1889.cs(22,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3793942Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1821/Tests1821.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3801481Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NullableByteArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3809896Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NumberArgumentTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3817993Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MethodDataSourceDrivenWithCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3826081Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/PropertySetterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3833851Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/PriorityFilteringTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3841366Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/RepeatTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3849021Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/StringArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3857024Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/STAThreadTests.cs(16,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3864767Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TestDiscoveryHookTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3872996Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TimeoutCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3881048Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.3887382Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyNamesWithDashesTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:55.4339636Z TUnit.Core.SourceGenerator.Tests -> /home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/bin/Release/net9.0/TUnit.Core.SourceGenerator.Tests.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:56.4556142Z TUnit.PublicAPI -> /home/runner/work/TUnit/TUnit/TUnit.PublicAPI/bin/Release/net9.0/TUnit.PublicAPI.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:56.7286162Z Playground -> /home/runner/work/TUnit/TUnit/Playground/bin/Release/net8.0/Playground.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:19:58.9170414Z TUnit.Example.Asp.Net.TestProject -> /home/runner/work/TUnit/TUnit/TUnit.Example.Asp.Net.TestProject/bin/Release/net9.0/TUnit.Example.Asp.Net.TestProject.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:00.7805455Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(17,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:00.7810112Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(34,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:00.7814764Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(49,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:00.7819054Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(11,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:00.7823649Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(72,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:00.7827039Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(33,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:00.7829640Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(96,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:00.7833260Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(113,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:00.7837999Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(47,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:00.7842429Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(130,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:00.7846945Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(61,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:00.7851425Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(147,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:00.7856121Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(79,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:00.7860652Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(97,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:00.7865680Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(11,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:00.7870553Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(17,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:00.7886335Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:00.7893513Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(40,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:00.7899962Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:00.7907387Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:00.7912515Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(53,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:00.8105512Z TUnit.Assertions.Tests -> /home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/bin/Release/net9.0/TUnit.Assertions.Tests.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:03.4850011Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:03.4861184Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(56,91): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:03.4870499Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_BaseStaticClass_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:03.4880103Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(39,93): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:03.4889665Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(56,139): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:03.4918551Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(73,162): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:03.4991654Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_NestedService_PropertyInjection.g.cs(39,89): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:03.5001397Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_CustomService_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:03.5018514Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_CustomPropertyDataSourceTests_PropertyInjection.g.cs(39,71): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:03.5091409Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:03.5101054Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(56,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:03.5111353Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_BaseTestClass_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:03.5120374Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_ComplexData_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:03.5129512Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:03.5139041Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(56,104): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:03.5148411Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(73,121): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:03.5157849Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(90,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:03.5167011Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/PropertyDataSourceInjectionTests.cs(161,111): warning CS8604: Possible null reference argument for parameter 'testInformation' in 'Task<(bool success, object? createdInstance)> DataSourceHelpers.TryCreateWithInitializerAsync(Type type, MethodMetadata testInformation, string testSessionId)'. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:03.5172823Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:03.5177711Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(14,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:03.5182449Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:03.5187280Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:03.5191917Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:03.5197040Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/EmptyDataSourceTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:03.5202564Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/GenericTestGenerationTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:03.5517470Z TUnit.UnitTests -> /home/runner/work/TUnit/TUnit/TUnit.UnitTests/bin/Release/net9.0/TUnit.UnitTests.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:04.0562625Z TUnit.PublicAPI -> /home/runner/work/TUnit/TUnit/TUnit.PublicAPI/bin/Release/net8.0/TUnit.PublicAPI.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:05.4031483Z TUnit.Analyzers.Tests -> /home/runner/work/TUnit/TUnit/TUnit.Analyzers.Tests/bin/Release/net9.0/TUnit.Analyzers.Tests.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:05.4803001Z Playground -> /home/runner/work/TUnit/TUnit/Playground/bin/Release/net9.0/Playground.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:06.1104187Z TUnit.Assertions.Analyzers.CodeFixers.Tests -> /home/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers.CodeFixers.Tests/bin/Release/net9.0/TUnit.Assertions.Analyzers.CodeFixers.Tests.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:06.5813000Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Templates.Tests/AspNetTemplateTests.cs(16,9): warning TUnit0018: Test methods should not assign instance data [/home/runner/work/TUnit/TUnit/TUnit.Templates.Tests/TUnit.Templates.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:06.5817640Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Templates.Tests/BasicTemplateTests.cs(16,9): warning TUnit0018: Test methods should not assign instance data [/home/runner/work/TUnit/TUnit/TUnit.Templates.Tests/TUnit.Templates.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:06.5820541Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Templates.Tests/BasicTemplateTests.cs(23,9): warning TUnit0018: Test methods should not assign instance data [/home/runner/work/TUnit/TUnit/TUnit.Templates.Tests/TUnit.Templates.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:06.6621589Z TUnit.Templates.Tests -> /home/runner/work/TUnit/TUnit/TUnit.Templates.Tests/bin/Release/net9.0/TUnit.Templates.Tests.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:07.8615738Z ExampleNamespace.TestProject -> /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Aspire.Starter/ExampleNamespace.TestProject/bin/Release/net9.0/ExampleNamespace.TestProject.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:08.0974655Z TUnit.PublicAPI -> /home/runner/work/TUnit/TUnit/TUnit.PublicAPI/bin/Release/net472/TUnit.PublicAPI.exe -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7582738Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AbstractBaseClassPropertyInjectionTests.cs(20,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7601942Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(39,86): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7608683Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(56,97): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7618408Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AsyncDataSourceExampleTests.cs(7,67): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7622509Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AsyncDataSourceExampleTests.cs(59,71): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7627338Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1570/Tests.cs(21,23): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7631279Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2075/Tests.cs(53,45): warning CS9113: Parameter 'factory' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7633981Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceEnumerableTest.cs(6,51): warning CS9113: Parameter 'value' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7636421Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/TestCountVerificationTests.cs(6,45): warning CS9113: Parameter 'value' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7639158Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(254,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7642977Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(269,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7647568Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(285,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7651971Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2887/ReproTest.cs(16,54): warning CS9113: Parameter 'serviceProvider' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7662556Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2993/ImplicitConversionTests.cs(27,35): warning CS8600: Converting null literal or possible null value to non-nullable type. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7668367Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2955/InheritedDataSourceTests.cs(68,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7674855Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDisplayNameAttributeTests.cs(23,57): warning CS9113: Parameter 'value' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7679084Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ComprehensiveCountTest.cs(8,44): warning CS9113: Parameter 'classValue' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7684576Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/CombinedParallelConstraintsTests.cs(253,17): warning CS0219: The variable 'hasOverlap' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7690137Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/PropertyInitializationTests.cs(108,91): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7696908Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/PropertyInitializationTests.cs(98,82): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7702074Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NotInParallelExecutionTests.cs(28,25): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7706591Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NotInParallelExecutionTests.cs(53,30): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7712510Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests2.cs(33,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7719524Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(130,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7726389Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(100,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7731334Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MixedDataSourceBugTest.cs(5,41): warning CS9113: Parameter 'classValue' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7737435Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(61,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7744719Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(34,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7751868Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/DynamicallyRegisteredTests.cs(58,19): warning CS0618: 'TestContext.ReregisterTestWithArguments(object?[]?, Dictionary?)' is obsolete: 'This method is non-functional after the removal of ITestFinder. It will be removed in a future version.' [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7758165Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(14,25): warning CS0414: The field 'HookExceptionHandlingTests._afterAssemblyExecuted' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7763918Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(17,24): warning CS0414: The field 'HookCleanupOnFailureTests._afterAssemblyCount' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7769406Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(124,25): warning CS0414: The field 'MultipleAfterClassHooksTests._testsExecuted' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7775222Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(16,24): warning CS0414: The field 'HookCleanupOnFailureTests._beforeAssemblyCount' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7789729Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/DynamicTests/Runtime.cs(13,17): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7792535Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/CallEventReceiverTests.cs(34,28): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7795847Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/VerifyFixTest.cs(11,27): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7799142Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AllDataSourcesCombinedTests.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7804645Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AllDataSourcesCombinedTestsVerification.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7810218Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ArgumentsWithClassDataSourceTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7815687Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/CallEventReceiverTests.cs(25,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7820861Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(219,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7826364Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(234,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7831783Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(249,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7837249Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(264,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7842603Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(279,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7848121Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceDrivenTestsSharedKeyed2.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7853923Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2136/Tests.cs(14,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7859310Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(388,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7864814Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(400,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7870251Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(377,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7875965Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceDrivenTestsSharedKeyed3.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7881332Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(412,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7886827Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(423,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7892145Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(435,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7897664Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(446,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7903020Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceWithMethodDataSourceTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7908737Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/TestMixedGenericParameters.cs(8,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7914204Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(178,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7919477Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(102,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7926287Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(52,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7931583Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(69,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7937278Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(200,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7942643Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(113,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7948023Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(20,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7953378Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(316,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7958724Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(171,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7964144Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(338,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7969471Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(349,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7974990Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(327,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7979924Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(197,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7984848Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(31,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7989902Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(223,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.7995562Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(322,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8001174Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(256,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8006629Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(346,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8020485Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(127,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8032161Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(59,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8037919Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(101,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8043596Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(106,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8049125Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(358,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8054734Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(153,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8060180Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2504CollectionExpressionTest.cs(62,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8064888Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2757/Tests.cs(20,41): warning TUnit0046: Return a `Func` rather than a ``. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8068776Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2798/Tests.cs(16,36): warning TUnit0046: Return a `Func` rather than a ``. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8074102Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3219/ClassDataSourceRetryTests.cs(46,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8079746Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(163,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8088080Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(80,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8093820Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2867/DisposalNotCalledTests.cs(267,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8099312Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(90,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8104996Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3219/ClassDataSourceRetryTests.cs(77,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8109126Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3185/BugRepro3185.cs(88,19): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8113926Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SmartInferenceTests.cs(27,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8119271Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SmartInferenceTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8124874Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleTupleTest.cs(11,56): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8129638Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleStaticTest.cs(9,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8134748Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleHookTest.cs(23,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8139972Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleHookTest.cs(28,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8145631Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(23,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8151262Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8157028Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(56,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8162425Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleTest.cs(8,71): warning TUnit0301: Tuple parameter 'data2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8167759Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleTest.cs(16,64): warning TUnit0301: Tuple parameter 'data' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8173291Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(12,73): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8178992Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(22,65): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8184795Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(32,67): warning TUnit0301: Tuple parameter 'value1' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8190470Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(32,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8196325Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(43,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8202208Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(54,82): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8207799Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MultipleDataSourcesTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8213028Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MultipleClassDataGeneratorsTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8217951Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MinimalDiscoveryTest.cs(8,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8223433Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(64,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8228103Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(121,45): warning TUnit0046: Return a `Func` rather than a ``. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8233359Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(74,83): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8239019Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(84,88): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8244544Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MethodDataSourceWithArgumentsTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8249604Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookGeneratorTest.cs(9,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8254694Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookGeneratorTest.cs(15,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8259965Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(70,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8265791Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(41,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8271393Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(49,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8277062Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(9,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8282058Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(13,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8287567Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTestExample.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8292569Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8297955Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(79,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8303511Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8309064Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(59,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8314892Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8320422Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8326171Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(15,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8332200Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(171,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8337951Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(20,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8343448Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(52,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8348783Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(61,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8354331Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(57,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8359733Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8365292Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(22,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8370870Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInheritsTestVerification.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8376623Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(36,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8381741Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8387366Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8393286Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(47,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8399068Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(155,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8404570Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(43,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8410112Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8416057Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8420893Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/FailFastTest.cs(10,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8426316Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(82,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8432064Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(124,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8437987Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(92,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8443817Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(101,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8449555Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(110,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8455683Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(140,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8461438Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMethodTests.cs(11,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8466839Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(54,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8471829Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(63,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8476999Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(110,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8482001Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(123,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:21.8740462Z TUnit.TestProject -> /home/runner/work/TUnit/TUnit/TUnit.TestProject/bin/Release/net9.0/TUnit.TestProject.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6475047Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AsyncDataSourceExampleTests.cs(7,67): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6482431Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AsyncDataSourceExampleTests.cs(59,71): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6488835Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AbstractBaseClassPropertyInjectionTests.cs(20,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6495321Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1570/Tests.cs(21,23): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6503368Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(39,86): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6513892Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(56,97): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6520681Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/TestCountVerificationTests.cs(6,45): warning CS9113: Parameter 'value' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6527767Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(254,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6531023Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2887/ReproTest.cs(16,54): warning CS9113: Parameter 'serviceProvider' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6533561Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(269,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6537941Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(285,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6542923Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2993/ImplicitConversionTests.cs(27,35): warning CS8600: Converting null literal or possible null value to non-nullable type. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6548004Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2955/InheritedDataSourceTests.cs(68,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6552576Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(52,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6563534Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(69,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6567929Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(86,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6572651Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(112,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6577160Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(138,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6583866Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/PropertyInitializationTests.cs(108,91): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6591688Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/PropertyInitializationTests.cs(98,82): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6596519Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(171,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6599322Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(204,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6601590Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NotInParallelExecutionTests.cs(28,25): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6604094Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NotInParallelExecutionTests.cs(53,30): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6608149Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(244,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6612899Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(293,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6620834Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(130,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6625984Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests2.cs(33,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6629110Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(53,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6631299Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MixedDataSourceBugTest.cs(5,41): warning CS9113: Parameter 'classValue' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6634874Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(100,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6637642Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(71,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6639784Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(89,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6642923Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(61,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6645639Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(112,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6648760Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(34,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6651347Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(135,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6653593Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(163,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6655756Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(191,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6657858Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(224,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6661154Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/DynamicallyRegisteredTests.cs(58,19): warning CS0618: 'TestContext.ReregisterTestWithArguments(object?[]?, Dictionary?)' is obsolete: 'This method is non-functional after the removal of ITestFinder. It will be removed in a future version.' [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6663918Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ComprehensiveCountTest.cs(8,44): warning CS9113: Parameter 'classValue' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6666046Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(266,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6668335Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDisplayNameAttributeTests.cs(23,57): warning CS9113: Parameter 'value' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6670516Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceEnumerableTest.cs(6,51): warning CS9113: Parameter 'value' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6675692Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/CombinedParallelConstraintsTests.cs(253,17): warning CS0219: The variable 'hasOverlap' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6680062Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(17,24): warning CS0414: The field 'HookCleanupOnFailureTests._afterAssemblyCount' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6684567Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(124,25): warning CS0414: The field 'MultipleAfterClassHooksTests._testsExecuted' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6689832Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(14,25): warning CS0414: The field 'HookExceptionHandlingTests._afterAssemblyExecuted' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6696413Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(16,24): warning CS0414: The field 'HookCleanupOnFailureTests._beforeAssemblyCount' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6702223Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/DynamicTests/Runtime.cs(13,17): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6708407Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/CallEventReceiverTests.cs(34,28): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6714877Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/VerifyFixTest.cs(11,27): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6720688Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AllDataSourcesCombinedTests.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6726696Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AllDataSourcesCombinedTestsVerification.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6732350Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ArgumentsWithClassDataSourceTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6736595Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/CallEventReceiverTests.cs(25,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6740219Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(219,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6743749Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(234,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6747278Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(249,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6752174Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(264,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6756184Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(279,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6761366Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceDrivenTestsSharedKeyed2.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6766923Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceDrivenTestsSharedKeyed3.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6772490Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/TestMixedGenericParameters.cs(8,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6776347Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(197,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6779830Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(171,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6783027Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(178,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6786845Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(102,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6789846Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(113,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6792736Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(377,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6795959Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(20,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6798855Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(200,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6801717Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(31,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6805110Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(316,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6808030Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(52,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6810945Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(223,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6813971Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(388,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6817084Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(400,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6820122Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(256,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6823031Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(412,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6826173Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(423,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6829055Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(435,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6831926Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(69,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6834918Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(127,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6837823Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(446,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6840707Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(106,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6843871Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(59,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6846846Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(101,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6849764Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(327,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6852869Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(338,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6856020Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(349,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6858931Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(153,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6861815Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(163,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6865051Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(322,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6867956Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(346,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6870859Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2504CollectionExpressionTest.cs(62,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6873866Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(358,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6876273Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2798/Tests.cs(16,36): warning TUnit0046: Return a `Func` rather than a ``. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6878341Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2757/Tests.cs(20,41): warning TUnit0046: Return a `Func` rather than a ``. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6880919Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(80,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6883786Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3185/BugRepro3185.cs(88,19): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6886742Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(90,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6889817Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2136/Tests.cs(14,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6892687Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2867/DisposalNotCalledTests.cs(267,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6895807Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SmartInferenceTests.cs(27,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6898769Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SmartInferenceTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6901322Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleStaticTest.cs(9,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6904292Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleTupleTest.cs(11,56): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6907103Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleHookTest.cs(23,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6909790Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleHookTest.cs(28,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6912665Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(56,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6915768Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(23,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6918857Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6921390Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/RunOnSkipTests.cs(38,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6923971Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/RunOnSkipTests.cs(52,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6926742Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleTest.cs(8,71): warning TUnit0301: Tuple parameter 'data2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6929656Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleTest.cs(16,64): warning TUnit0301: Tuple parameter 'data' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6932639Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(12,73): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6953004Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(22,65): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6959742Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(32,67): warning TUnit0301: Tuple parameter 'value1' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6964943Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(32,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6971277Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(43,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6977428Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MultipleClassDataGeneratorsTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6983587Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(54,82): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6986597Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MinimalDiscoveryTest.cs(8,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6989446Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MultipleDataSourcesTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6992903Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(64,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6995718Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(121,45): warning TUnit0046: Return a `Func` rather than a ``. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.6998543Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MethodDataSourceWithArgumentsTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7002271Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(74,83): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7006025Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(84,88): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7008904Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookGeneratorTest.cs(9,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7011619Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookGeneratorTest.cs(15,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7014614Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(13,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7017404Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7020306Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(79,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7023730Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(41,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7026974Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(49,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7030010Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTestExample.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7032966Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7036215Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(70,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7039550Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(59,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7042710Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(15,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7046036Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(171,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7049126Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(155,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7052136Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(9,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7055337Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7058307Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7061300Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(20,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7064471Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(22,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7067286Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(43,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7070208Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(57,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7073412Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7076391Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMethodTests.cs(11,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7079429Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7082522Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInheritsTestVerification.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7085906Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(140,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7089011Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(124,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7092090Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7095567Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(52,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7098899Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7103648Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(54,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7107350Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(61,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7110591Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(82,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7113922Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(92,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7116866Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(63,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7119355Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/FailFastTest.cs(10,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7122236Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(101,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7125568Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(110,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7128606Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(36,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7131743Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(47,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7134984Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3219/ClassDataSourceRetryTests.cs(46,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7138918Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceWithMethodDataSourceTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7142200Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3219/ClassDataSourceRetryTests.cs(77,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7145506Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(110,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7148855Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(123,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.7151034Z TUnit.TestProject -> /home/runner/work/TUnit/TUnit/TUnit.TestProject/bin/Release/net472/TUnit.TestProject.exe -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:30.8374322Z TUnit.TestProject.VB.NET -> /home/runner/work/TUnit/TUnit/TUnit.TestProject.VB.NET/bin/Release/net472/TUnit.TestProject.VB.NET.exe -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:31.3126857Z TUnit.TestProject.VB.NET -> /home/runner/work/TUnit/TUnit/TUnit.TestProject.VB.NET/bin/Release/net9.0/TUnit.TestProject.VB.NET.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:35.2427027Z TUnit.TestProject.FSharp -> /home/runner/work/TUnit/TUnit/TUnit.TestProject.FSharp/bin/Release/net472/TUnit.TestProject.FSharp.exe -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:35.5828975Z TUnit.TestProject.FSharp -> /home/runner/work/TUnit/TUnit/TUnit.TestProject.FSharp/bin/Release/net8.0/TUnit.TestProject.FSharp.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6140606Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AbstractBaseClassPropertyInjectionTests.cs(20,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6148874Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(39,86): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6158829Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(56,97): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6168246Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AsyncDataSourceExampleTests.cs(7,67): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6175963Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AsyncDataSourceExampleTests.cs(59,71): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6211195Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1570/Tests.cs(21,23): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6216134Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceEnumerableTest.cs(6,51): warning CS9113: Parameter 'value' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6220088Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDisplayNameAttributeTests.cs(23,57): warning CS9113: Parameter 'value' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6224242Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ComprehensiveCountTest.cs(8,44): warning CS9113: Parameter 'classValue' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6228128Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/TestCountVerificationTests.cs(6,45): warning CS9113: Parameter 'value' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6232097Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(254,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6236490Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(269,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6240578Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(285,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6246923Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/DynamicallyRegisteredTests.cs(58,19): warning CS0618: 'TestContext.ReregisterTestWithArguments(object?[]?, Dictionary?)' is obsolete: 'This method is non-functional after the removal of ITestFinder. It will be removed in a future version.' [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6257221Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2887/ReproTest.cs(16,54): warning CS9113: Parameter 'serviceProvider' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6263423Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2993/ImplicitConversionTests.cs(27,35): warning CS8600: Converting null literal or possible null value to non-nullable type. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6274155Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/CombinedParallelConstraintsTests.cs(253,17): warning CS0219: The variable 'hasOverlap' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6276835Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2955/InheritedDataSourceTests.cs(68,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6281248Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/PropertyInitializationTests.cs(108,91): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6285354Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/PropertyInitializationTests.cs(98,82): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6288238Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NotInParallelExecutionTests.cs(28,25): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6291449Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NotInParallelExecutionTests.cs(53,30): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6293928Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MixedDataSourceBugTest.cs(5,41): warning CS9113: Parameter 'classValue' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6297112Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(130,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6300736Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests2.cs(33,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6304435Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(100,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6308250Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(61,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6312074Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(34,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6317610Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(17,24): warning CS0414: The field 'HookCleanupOnFailureTests._afterAssemblyCount' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6323277Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(16,24): warning CS0414: The field 'HookCleanupOnFailureTests._beforeAssemblyCount' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6328765Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(124,25): warning CS0414: The field 'MultipleAfterClassHooksTests._testsExecuted' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6334527Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(14,25): warning CS0414: The field 'HookExceptionHandlingTests._afterAssemblyExecuted' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6339436Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/CallEventReceiverTests.cs(34,28): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6344405Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/DynamicTests/Runtime.cs(13,17): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6349722Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/VerifyFixTest.cs(11,27): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6355167Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AllDataSourcesCombinedTests.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6360534Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AllDataSourcesCombinedTestsVerification.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6366330Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ArgumentsWithClassDataSourceTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6371769Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/CallEventReceiverTests.cs(25,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6377227Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(219,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6382477Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(234,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6387904Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(249,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6393527Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(264,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6398611Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(279,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6404248Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceDrivenTestsSharedKeyed2.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6408364Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceDrivenTestsSharedKeyed3.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6413543Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(377,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6418160Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(388,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6423352Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(400,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6428965Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(412,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6433794Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(423,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6439103Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(435,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6444627Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceWithMethodDataSourceTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6450353Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/TestMixedGenericParameters.cs(8,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6456061Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(446,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6461002Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(316,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6464278Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(327,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6467244Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(338,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6470158Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(349,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6473053Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(52,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6476283Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(171,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6479266Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(178,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6482117Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(69,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6485115Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(102,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6487989Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(106,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6490844Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(20,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6493798Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(31,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6496685Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(322,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6499591Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(223,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6502494Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(346,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6505468Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(113,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6508314Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(200,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6511463Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(127,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6514612Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(358,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6517510Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(197,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6520406Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(59,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6523394Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(101,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6526301Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(256,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6529179Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(80,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6532027Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(90,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6535046Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(153,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6537941Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(163,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6540313Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2798/Tests.cs(16,36): warning TUnit0046: Return a `Func` rather than a ``. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6542551Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2757/Tests.cs(20,41): warning TUnit0046: Return a `Func` rather than a ``. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6545419Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2504CollectionExpressionTest.cs(62,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6550455Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3219/ClassDataSourceRetryTests.cs(46,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6555959Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2136/Tests.cs(14,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6560817Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3185/BugRepro3185.cs(88,19): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6566109Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2867/DisposalNotCalledTests.cs(267,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6569479Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3219/ClassDataSourceRetryTests.cs(77,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6573903Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SmartInferenceTests.cs(27,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6579451Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SmartInferenceTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6585288Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleTupleTest.cs(11,56): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6590088Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleStaticTest.cs(9,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6595116Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleHookTest.cs(23,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6600208Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleHookTest.cs(28,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6605734Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(56,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6611206Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(23,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6616899Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6622291Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleTest.cs(8,71): warning TUnit0301: Tuple parameter 'data2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6627890Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleTest.cs(16,64): warning TUnit0301: Tuple parameter 'data' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6633504Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(12,73): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6637081Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MultipleClassDataGeneratorsTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6642524Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(22,65): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6648306Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(32,67): warning TUnit0301: Tuple parameter 'value1' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6654048Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(32,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6659308Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MultipleDataSourcesTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6664254Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MinimalDiscoveryTest.cs(8,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6669632Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(43,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6675103Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MethodDataSourceWithArgumentsTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6680586Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(54,82): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6686297Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(64,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6691790Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(74,83): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6696413Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(121,45): warning TUnit0046: Return a `Func` rather than a ``. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6701446Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(84,88): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6706682Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(13,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6712044Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(70,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6717107Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(79,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6719946Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookGeneratorTest.cs(9,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6722821Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookGeneratorTest.cs(15,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6727955Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(41,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6732168Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(49,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6736448Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6741308Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6746784Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTestExample.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6752243Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6757934Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6763530Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6769119Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(59,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6774958Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(22,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6778830Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(9,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6782028Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(15,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6785390Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInheritsTestVerification.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6788393Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(20,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6791407Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(57,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6794471Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(43,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6799404Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(171,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6805308Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(140,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6810681Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(54,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6819692Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(124,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6825306Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6830274Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(63,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6835836Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(36,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6840345Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(47,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6843792Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMethodTests.cs(11,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6847116Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(155,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6849785Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/FailFastTest.cs(10,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6852663Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6856366Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(52,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6859336Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(61,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6862388Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6865725Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6868792Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(82,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6872253Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(92,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6875809Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(101,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6878911Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(110,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6884599Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(110,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.6889483Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(123,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.7366215Z TUnit.TestProject -> /home/runner/work/TUnit/TUnit/TUnit.TestProject/bin/Release/net8.0/TUnit.TestProject.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9087603Z TUnit.TestProject.VB.NET -> /home/runner/work/TUnit/TUnit/TUnit.TestProject.VB.NET/bin/Release/net8.0/TUnit.TestProject.VB.NET.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9362093Z TUnit.TestProject.FSharp -> /home/runner/work/TUnit/TUnit/TUnit.TestProject.FSharp/bin/Release/net9.0/TUnit.TestProject.FSharp.dll -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9505711Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9506009Z Build succeeded. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9506282Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9510241Z /home/runner/.nuget/packages/system.text.encodings.web/9.0.0/buildTransitive/netcoreapp2.0/System.Text.Encodings.Web.targets(4,5): warning : System.Text.Encodings.Web 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9517656Z /home/runner/.nuget/packages/system.io.pipelines/9.0.0/buildTransitive/netcoreapp2.0/System.IO.Pipelines.targets(4,5): warning : System.IO.Pipelines 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9606262Z /home/runner/.nuget/packages/microsoft.bcl.asyncinterfaces/9.0.0/buildTransitive/netcoreapp2.0/Microsoft.Bcl.AsyncInterfaces.targets(4,5): warning : Microsoft.Bcl.AsyncInterfaces 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9741999Z /home/runner/.nuget/packages/system.text.json/9.0.0/buildTransitive/netcoreapp2.0/System.Text.Json.targets(4,5): warning : System.Text.Json 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9751012Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers/AnalyzerReleases.Shipped.md(5,1): warning RS2007: Analyzer release file 'AnalyzerReleases.Shipped.md' has a missing or invalid release header '#### Assertion Usage Rules' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers/TUnit.Assertions.Analyzers.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9760817Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator/Generators/AssertionMethodGenerator.cs(113,21): warning CS8604: Possible null reference argument for parameter 'MethodName' in 'CreateAssertionAttributeData.CreateAssertionAttributeData(INamedTypeSymbol TargetType, INamedTypeSymbol ContainingType, string MethodName, string? CustomName, bool NegateLogic, bool RequiresGenericTypeParameter, bool TreatAsInstance)'. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator/TUnit.Assertions.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9771347Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator/Generators/AssertionMethodGenerator.cs(220,21): warning CS8604: Possible null reference argument for parameter 'MethodName' in 'CreateAssertionAttributeData.CreateAssertionAttributeData(INamedTypeSymbol TargetType, INamedTypeSymbol ContainingType, string MethodName, string? CustomName, bool NegateLogic, bool RequiresGenericTypeParameter, bool TreatAsInstance)'. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator/TUnit.Assertions.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9780590Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Analyzers/AnalyzerReleases.Shipped.md(5,1): warning RS2007: Analyzer release file 'AnalyzerReleases.Shipped.md' has a missing or invalid release header '#### Test Method and Structure Rules' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [/home/runner/work/TUnit/TUnit/TUnit.Analyzers/TUnit.Analyzers.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9787003Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/CodeGenerators/Helpers/TupleArgumentHelper.cs(72,37): warning CS8600: Converting null literal or possible null value to non-nullable type. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9793406Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/AotMethodInvocationGenerator.cs(168,52): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9799804Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(688,54): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9806631Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2207,20): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9813415Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2215,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9819791Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2235,24): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9826025Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2244,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9832452Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(688,54): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9838122Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/CodeGenerators/Helpers/TupleArgumentHelper.cs(72,37): warning CS8600: Converting null literal or possible null value to non-nullable type. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9844561Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/AotMethodInvocationGenerator.cs(168,52): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9851049Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2207,20): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9857918Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2215,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9864942Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2235,24): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9871854Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2244,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9878713Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/AotMethodInvocationGenerator.cs(168,52): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9884920Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/CodeGenerators/Helpers/TupleArgumentHelper.cs(72,37): warning CS8600: Converting null literal or possible null value to non-nullable type. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9891372Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(688,54): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9898235Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2207,20): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9905163Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2215,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9911853Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2235,24): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9918846Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2244,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9927227Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Analyzers/MultipleConstructorsAnalyzer.cs(13,15): warning RS2008: Enable analyzer release tracking for the analyzer project containing rule 'TUnit0052' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [/home/runner/work/TUnit/TUnit/TUnit.Analyzers.Roslyn47/TUnit.Analyzers.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9932962Z /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.FSharp/TestProject.fsproj : warning NU1504: Duplicate 'PackageReference' items found. Remove the duplicate items or use the Update functionality to ensure a consistent restore behavior. The duplicate 'PackageReference' items are: TUnit.Assertions.FSharp *, TUnit.Assertions.FSharp 0.61.39. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9937497Z /home/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.AspNet.FSharp/TestProject/TestProject.fsproj : warning NU1504: Duplicate 'PackageReference' items found. Remove the duplicate items or use the Update functionality to ensure a consistent restore behavior. The duplicate 'PackageReference' items are: TUnit.Assertions.FSharp *, TUnit.Assertions.FSharp 0.61.39. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9944401Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Analyzers/MultipleConstructorsAnalyzer.cs(13,15): warning RS2008: Enable analyzer release tracking for the analyzer project containing rule 'TUnit0052' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [/home/runner/work/TUnit/TUnit/TUnit.Analyzers.Roslyn414/TUnit.Analyzers.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9951506Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/AotMethodInvocationGenerator.cs(168,52): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9957474Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/CodeGenerators/Helpers/TupleArgumentHelper.cs(72,37): warning CS8600: Converting null literal or possible null value to non-nullable type. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9965486Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(688,54): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9971856Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2207,20): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9978841Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2215,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9986194Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2235,24): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:46.9994518Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2244,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0000860Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0006864Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0012640Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0018519Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0024277Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0030466Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=netstandard2.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0036618Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0040046Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0043546Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0047061Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0051391Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0056581Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(56,104): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0061447Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(73,121): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0066608Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(90,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0071442Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0076566Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(56,91): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0081348Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_BaseStaticClass_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0086500Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_NestedService_PropertyInjection.g.cs(39,89): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0091221Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_CustomService_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0096173Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(39,93): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0101016Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(56,139): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0107776Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(73,162): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0114669Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_CustomPropertyDataSourceTests_PropertyInjection.g.cs(39,71): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0119543Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_BaseTestClass_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0124891Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0129807Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(56,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0134909Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_ComplexData_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0139712Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/PropertyDataSourceInjectionTests.cs(161,111): warning CS8604: Possible null reference argument for parameter 'testInformation' in 'Task<(bool success, object? createdInstance)> DataSourceHelpers.TryCreateWithInitializerAsync(Type type, MethodMetadata testInformation, string testSessionId)'. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0142797Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(14,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0145532Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0148014Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0150471Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0152906Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/EmptyDataSourceTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0156077Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/GenericTestGenerationTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0158844Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0161284Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(17,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0163890Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(34,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0166267Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(11,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0168650Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(49,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0171034Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(72,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0173533Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(33,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0175880Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(47,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0178311Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(96,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0180635Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(61,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0183006Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(113,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0185640Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(130,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0187979Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(79,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0190483Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(97,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0192967Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(147,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0197125Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(11,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0202023Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(17,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0207158Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0210639Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0213576Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(40,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0216186Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0218730Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(53,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0222343Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AbstractTests.cs(29,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0226594Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AbstractTests.cs(47,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0230613Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AfterAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0235124Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0239266Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0243654Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TimeoutCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0247802Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ArgsAsArrayTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0251958Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ArgumentWithImplicitConverterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0256327Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyAfterTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0260398Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyBeforeTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0264716Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyLoaderTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0269090Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AttributeTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0273287Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BasicTests.cs(15,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0277377Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BeforeAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0281429Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0287955Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/Issue2887/Issue2887Tests.cs(17,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0294196Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2136/Tests2136.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0301603Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassConstructorTest.cs(23,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0309268Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassAndMethodArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0317353Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1304/EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0325285Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0332824Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2112/Tests2112.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0340318Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2085/Tests2085.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0347578Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2083/Tests2083.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0355329Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTestsSharedKeyed.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0363056Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTests2.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0370766Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0378129Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ConcreteClassTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0385928Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ConstantArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0393519Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1899/Tests1899.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0400700Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1899/Tests1899.cs(35,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0408183Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/CustomDisplayNameTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0415847Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataDrivenTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0423361Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1889/Tests1889.cs(22,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0430925Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceGeneratorTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0438787Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0446946Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceClassCombinedWithDataSourceMethodTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0454836Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1821/Tests1821.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0462376Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Dynamic/Basic.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0469908Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1692/Tests1692.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0477553Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceGeneratorTests.cs(28,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0485342Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/ConstantsInInterpolatedStringsTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0493219Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/ConstantInBaseClassTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0500801Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1539/Tests1539.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0508739Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/EnumerableTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0516752Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DisableReflectionScannerTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0524298Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1603/Tests1603.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0531725Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1594/Tests1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0539372Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1589/Tests1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0547058Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/EnumerableDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0554771Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1538/Tests1538.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0562219Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1589/Hooks1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0569841Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1594/Hooks1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0577736Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GenericMethodTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0585380Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GlobalStaticAfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0593020Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GlobalStaticBeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0600616Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/HooksTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0608025Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/HooksTests.cs(18,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0615591Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/InheritedPropertySetterTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0622630Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MethodDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0629735Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MatrixTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0637513Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MethodDataSourceDrivenWithCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0645100Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MultipleClassDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0652464Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NumberArgumentTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0659830Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NullableByteArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0667288Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NameOfArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0674636Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/RepeatTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0681880Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/PriorityFilteringTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0689352Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/PropertySetterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0696935Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/StringArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0704400Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/STAThreadTests.cs(16,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0711423Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TestDiscoveryHookTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0716923Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyNamesWithDashesTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0724075Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0732356Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(56,104): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0741512Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(73,121): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0750597Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(90,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0760143Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_ComplexData_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0769319Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_CustomPropertyDataSourceTests_PropertyInjection.g.cs(39,71): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0778443Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_BaseTestClass_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0787106Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_CustomService_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0795978Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_NestedService_PropertyInjection.g.cs(39,89): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0804523Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/PropertyDataSourceInjectionTests.cs(161,111): warning CS8604: Possible null reference argument for parameter 'testInformation' in 'Task<(bool success, object? createdInstance)> DataSourceHelpers.TryCreateWithInitializerAsync(Type type, MethodMetadata testInformation, string testSessionId)'. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0812738Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_BaseStaticClass_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0821747Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0830972Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(56,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0840039Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(39,93): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0849129Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(56,139): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0858297Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(73,162): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0867352Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0876345Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(56,91): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0882418Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/EmptyDataSourceTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0887095Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(14,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0891721Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0897081Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/GenericTestGenerationTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0900372Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0904215Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0906965Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0909461Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(17,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0911840Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(11,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0916021Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(34,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0918857Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(33,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0921247Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(49,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0923802Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(72,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0926292Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(96,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0928851Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(113,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0931301Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(47,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0933741Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(61,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0936065Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(79,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0938427Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(130,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0940758Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(97,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0943267Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(147,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0945789Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(11,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0948312Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(17,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0950873Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0953702Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0956303Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(40,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0958854Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0961519Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(53,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0965343Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AfterAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0969406Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0973651Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ArgumentWithImplicitConverterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0977803Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyAfterTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0981868Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ArgsAsArrayTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0986034Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyLoaderTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0990100Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AttributeTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0994199Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BasicTests.cs(15,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.0998344Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BeforeAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1002466Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1006699Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/Issue2887/Issue2887Tests.cs(17,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1010808Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2136/Tests2136.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1014994Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2112/Tests2112.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1019094Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassAndMethodArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1023359Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1304/EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1027476Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2085/Tests2085.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1031656Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2083/Tests2083.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1035941Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyBeforeTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1040019Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassConstructorTest.cs(23,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1044235Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTests2.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1048426Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTestsSharedKeyed.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1052566Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1899/Tests1899.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1056705Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1899/Tests1899.cs(35,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1060824Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1065084Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1069592Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/ConstantsInInterpolatedStringsTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1073861Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AbstractTests.cs(29,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1077991Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/ConstantInBaseClassTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1082125Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1539/Tests1539.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1086513Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ConcreteClassTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1090609Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1094823Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/CustomDisplayNameTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1098887Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataDrivenTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1103430Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceClassCombinedWithDataSourceMethodTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1107688Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceGeneratorTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1111786Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1538/Tests1538.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1116040Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/EnumerableDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1120231Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/EnumerableTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1124440Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AbstractTests.cs(47,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1128508Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceGeneratorTests.cs(28,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1132587Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GenericMethodTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1136897Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ConstantArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1141085Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1889/Tests1889.cs(22,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1145266Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1821/Tests1821.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1149316Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1589/Tests1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1153462Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1692/Tests1692.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1157528Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1589/Hooks1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1161572Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1603/Tests1603.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1165789Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GlobalStaticAfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1169915Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GlobalStaticBeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1174311Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/HooksTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1178326Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/HooksTests.cs(18,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1182404Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/InheritedPropertySetterTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1186664Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DisableReflectionScannerTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1190753Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MatrixTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1194937Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MethodDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1199018Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Dynamic/Basic.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1203299Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MethodDataSourceDrivenWithCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1207817Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MultipleClassDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1212000Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NullableByteArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1216237Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1594/Tests1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1220285Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1594/Hooks1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1224489Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/PriorityFilteringTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1228590Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NameOfArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1232674Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/PropertySetterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1236847Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NumberArgumentTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1241023Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/STAThreadTests.cs(16,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1245295Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/RepeatTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1249355Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/StringArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1253531Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TestDiscoveryHookTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1257660Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TimeoutCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1261805Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1265126Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyNamesWithDashesTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1268853Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AfterAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1272870Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1277273Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ArgsAsArrayTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1281425Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ArgumentWithImplicitConverterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1285670Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyAfterTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1289732Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyBeforeTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1326661Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyLoaderTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1330957Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AttributeTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1335237Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AbstractTests.cs(29,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1339338Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BasicTests.cs(15,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1343660Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1347840Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AbstractTests.cs(47,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1351890Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BeforeAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1356185Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassAndMethodArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1360309Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassConstructorTest.cs(23,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1364552Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/Issue2887/Issue2887Tests.cs(17,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1368713Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1372812Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2136/Tests2136.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1376997Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTests2.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1381478Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTestsSharedKeyed.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1385811Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1389947Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1538/Tests1538.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1394145Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1539/Tests1539.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1398216Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataDrivenTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1402411Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceClassCombinedWithDataSourceMethodTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1406991Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1304/EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1411158Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/ConstantInBaseClassTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1415666Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2112/Tests2112.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1419774Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1424024Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceGeneratorTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1428103Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2085/Tests2085.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1432269Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/ConstantsInInterpolatedStringsTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1436575Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceGeneratorTests.cs(28,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1442494Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2083/Tests2083.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1450537Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DisableReflectionScannerTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1458946Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ConcreteClassTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1467235Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Dynamic/Basic.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1473283Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/EnumerableTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1477650Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ConstantArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1481784Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1589/Tests1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1486168Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/CustomDisplayNameTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1490256Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1589/Hooks1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1494650Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GenericMethodTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1498801Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/HooksTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1503298Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1594/Tests1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1507432Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/HooksTests.cs(18,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1511555Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/EnumerableDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1515976Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1594/Hooks1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1520079Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1899/Tests1899.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1524320Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/InheritedPropertySetterTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1528461Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1899/Tests1899.cs(35,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1532583Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GlobalStaticBeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1537076Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1603/Tests1603.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1541189Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GlobalStaticAfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1545441Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MatrixTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1549571Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MethodDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1553979Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MultipleClassDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1558207Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1692/Tests1692.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1562298Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NameOfArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1566499Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1889/Tests1889.cs(22,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1570707Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1821/Tests1821.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1575071Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NullableByteArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1579228Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NumberArgumentTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1583595Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MethodDataSourceDrivenWithCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1587853Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/PropertySetterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1591974Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/PriorityFilteringTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1596192Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/RepeatTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1600250Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/StringArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1604459Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/STAThreadTests.cs(16,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1608853Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TestDiscoveryHookTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1613050Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TimeoutCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1617360Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1620598Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyNamesWithDashesTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1623309Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(17,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1625731Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(34,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1628147Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(49,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1630512Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(11,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1632916Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(72,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1635393Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(33,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1637798Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(96,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1640389Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(113,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1642864Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(47,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1645392Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(130,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1647758Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(61,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1650167Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(147,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1652537Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(79,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1654987Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(97,13): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1657499Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(11,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1660033Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(17,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1662560Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1665186Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(40,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1667715Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1670243Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1672934Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(53,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1677170Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1682057Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(56,91): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1686982Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_BaseStaticClass_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1691799Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(39,93): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1696778Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(56,139): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1701651Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(73,162): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1706544Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_NestedService_PropertyInjection.g.cs(39,89): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1711533Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_CustomService_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1716532Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_CustomPropertyDataSourceTests_PropertyInjection.g.cs(39,71): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1721417Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1726402Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(56,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1731206Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_BaseTestClass_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1736196Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_ComplexData_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1741137Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1746386Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(56,104): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1751293Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(73,121): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1756309Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(90,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1761071Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/PropertyDataSourceInjectionTests.cs(161,111): warning CS8604: Possible null reference argument for parameter 'testInformation' in 'Task<(bool success, object? createdInstance)> DataSourceHelpers.TryCreateWithInitializerAsync(Type type, MethodMetadata testInformation, string testSessionId)'. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1764251Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1766783Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(14,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1769255Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1771727Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1774299Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1776854Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/EmptyDataSourceTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1779790Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.UnitTests/GenericTestGenerationTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1782355Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Templates.Tests/AspNetTemplateTests.cs(16,9): warning TUnit0018: Test methods should not assign instance data [/home/runner/work/TUnit/TUnit/TUnit.Templates.Tests/TUnit.Templates.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1784815Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Templates.Tests/BasicTemplateTests.cs(16,9): warning TUnit0018: Test methods should not assign instance data [/home/runner/work/TUnit/TUnit/TUnit.Templates.Tests/TUnit.Templates.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1787148Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.Templates.Tests/BasicTemplateTests.cs(23,9): warning TUnit0018: Test methods should not assign instance data [/home/runner/work/TUnit/TUnit/TUnit.Templates.Tests/TUnit.Templates.Tests.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1789517Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AbstractBaseClassPropertyInjectionTests.cs(20,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1793589Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(39,86): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1798520Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(56,97): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1802913Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AsyncDataSourceExampleTests.cs(7,67): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1806863Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AsyncDataSourceExampleTests.cs(59,71): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1810622Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1570/Tests.cs(21,23): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1813435Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2075/Tests.cs(53,45): warning CS9113: Parameter 'factory' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1815687Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceEnumerableTest.cs(6,51): warning CS9113: Parameter 'value' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1817993Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/TestCountVerificationTests.cs(6,45): warning CS9113: Parameter 'value' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1820478Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(254,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1822748Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(269,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1825154Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(285,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1827428Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2887/ReproTest.cs(16,54): warning CS9113: Parameter 'serviceProvider' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1829922Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2993/ImplicitConversionTests.cs(27,35): warning CS8600: Converting null literal or possible null value to non-nullable type. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1832360Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2955/InheritedDataSourceTests.cs(68,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1834726Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDisplayNameAttributeTests.cs(23,57): warning CS9113: Parameter 'value' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1836913Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ComprehensiveCountTest.cs(8,44): warning CS9113: Parameter 'classValue' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1839321Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/CombinedParallelConstraintsTests.cs(253,17): warning CS0219: The variable 'hasOverlap' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1842776Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/PropertyInitializationTests.cs(108,91): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1846882Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/PropertyInitializationTests.cs(98,82): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1849741Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NotInParallelExecutionTests.cs(28,25): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1852026Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NotInParallelExecutionTests.cs(53,30): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1855352Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests2.cs(33,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1858961Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(130,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1862569Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(100,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1865307Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MixedDataSourceBugTest.cs(5,41): warning CS9113: Parameter 'classValue' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1868443Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(61,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1872154Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(34,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1876061Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/DynamicallyRegisteredTests.cs(58,19): warning CS0618: 'TestContext.ReregisterTestWithArguments(object?[]?, Dictionary?)' is obsolete: 'This method is non-functional after the removal of ITestFinder. It will be removed in a future version.' [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1879297Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(14,25): warning CS0414: The field 'HookExceptionHandlingTests._afterAssemblyExecuted' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1882380Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(17,24): warning CS0414: The field 'HookCleanupOnFailureTests._afterAssemblyCount' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1885555Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(124,25): warning CS0414: The field 'MultipleAfterClassHooksTests._testsExecuted' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1888500Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(16,24): warning CS0414: The field 'HookCleanupOnFailureTests._beforeAssemblyCount' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1891140Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/DynamicTests/Runtime.cs(13,17): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1893793Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/CallEventReceiverTests.cs(34,28): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1896703Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/VerifyFixTest.cs(11,27): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1899629Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AllDataSourcesCombinedTests.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1902517Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AllDataSourcesCombinedTestsVerification.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1905528Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ArgumentsWithClassDataSourceTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1908348Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/CallEventReceiverTests.cs(25,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1911189Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(219,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1914204Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(234,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1917241Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(249,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1920246Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(264,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1923255Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(279,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1926238Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceDrivenTestsSharedKeyed2.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1929232Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2136/Tests.cs(14,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1932141Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(388,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1935207Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(400,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1938135Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(377,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1941056Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceDrivenTestsSharedKeyed3.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1944087Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(412,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1947008Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(423,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1950106Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(435,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1953244Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(446,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1956253Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceWithMethodDataSourceTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1959306Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/TestMixedGenericParameters.cs(8,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1962206Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(178,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1965161Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(102,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1968008Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(52,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1970841Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(69,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1973777Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(200,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1976628Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(113,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1979467Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(20,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1982327Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(316,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1985488Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(171,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1988463Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(338,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1991365Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(349,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1994365Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(327,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.1997247Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(197,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2000094Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(31,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2002970Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(223,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2005973Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(322,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2008870Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(256,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2011766Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(346,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2014793Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(127,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2018573Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(59,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2021825Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(101,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2025041Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(106,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2027959Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(358,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2030861Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(153,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2033846Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2504CollectionExpressionTest.cs(62,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2036242Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2757/Tests.cs(20,41): warning TUnit0046: Return a `Func` rather than a ``. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2038335Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2798/Tests.cs(16,36): warning TUnit0046: Return a `Func` rather than a ``. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2040945Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3219/ClassDataSourceRetryTests.cs(46,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2043934Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(163,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2046816Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(80,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2049683Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2867/DisposalNotCalledTests.cs(267,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2052666Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(90,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2055753Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3219/ClassDataSourceRetryTests.cs(77,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2058341Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3185/BugRepro3185.cs(88,19): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2061169Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SmartInferenceTests.cs(27,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2064237Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SmartInferenceTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2067192Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleTupleTest.cs(11,56): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2069731Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleStaticTest.cs(9,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2072336Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleHookTest.cs(23,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2075136Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleHookTest.cs(28,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2078010Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(23,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2080961Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2084161Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(56,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2087241Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleTest.cs(8,71): warning TUnit0301: Tuple parameter 'data2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2090246Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleTest.cs(16,64): warning TUnit0301: Tuple parameter 'data' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2093341Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(12,73): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2096363Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(22,65): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2099392Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(32,67): warning TUnit0301: Tuple parameter 'value1' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2102408Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(32,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2105552Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(43,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2108574Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(54,82): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2111429Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MultipleDataSourcesTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2114381Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MultipleClassDataGeneratorsTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2116944Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MinimalDiscoveryTest.cs(8,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2119907Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(64,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2122361Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(121,45): warning TUnit0046: Return a `Func` rather than a ``. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2125344Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(74,83): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2128378Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(84,88): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2131307Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MethodDataSourceWithArgumentsTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2134214Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookGeneratorTest.cs(9,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2136946Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookGeneratorTest.cs(15,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2139889Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(70,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2143574Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(41,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2146916Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(49,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2150157Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(9,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2153409Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(13,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2156755Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTestExample.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2159974Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2163269Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(79,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2166560Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2169890Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(59,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2173343Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2176542Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2179914Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(15,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2183485Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(171,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2186863Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(20,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2190078Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(52,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2193563Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(61,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2196993Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(57,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2200212Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2203569Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(22,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2206910Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInheritsTestVerification.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2210235Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(36,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2213446Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2216753Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2220044Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(47,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2223498Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(155,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2226685Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(43,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2230497Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2234461Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2237527Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/FailFastTest.cs(10,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2240739Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(82,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2244175Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(124,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2247721Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(92,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2251091Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(101,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2254581Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(110,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2258000Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(140,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2261353Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMethodTests.cs(11,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2264630Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(54,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2267671Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(63,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2270792Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(110,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2274083Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(123,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2277818Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AsyncDataSourceExampleTests.cs(7,67): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2281960Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AsyncDataSourceExampleTests.cs(59,71): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2285195Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AbstractBaseClassPropertyInjectionTests.cs(20,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2288800Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1570/Tests.cs(21,23): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2294141Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(39,86): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2299434Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(56,97): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2330074Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/TestCountVerificationTests.cs(6,45): warning CS9113: Parameter 'value' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2332443Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(254,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2335086Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2887/ReproTest.cs(16,54): warning CS9113: Parameter 'serviceProvider' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2337333Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(269,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2339782Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(285,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2342336Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2993/ImplicitConversionTests.cs(27,35): warning CS8600: Converting null literal or possible null value to non-nullable type. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2344943Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2955/InheritedDataSourceTests.cs(68,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2347162Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(52,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2349240Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(69,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2351303Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(86,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2353517Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(112,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2355624Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(138,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2358921Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/PropertyInitializationTests.cs(108,91): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2362729Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/PropertyInitializationTests.cs(98,82): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2365782Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(171,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2367883Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(204,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2370240Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NotInParallelExecutionTests.cs(28,25): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2372607Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NotInParallelExecutionTests.cs(53,30): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2375199Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(244,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2377285Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(293,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2380407Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(130,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2384099Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests2.cs(33,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2386692Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(53,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2388828Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MixedDataSourceBugTest.cs(5,41): warning CS9113: Parameter 'classValue' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2391941Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(100,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2394666Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(71,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2396766Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(89,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2399873Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(61,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2402448Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(112,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2406012Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(34,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2408713Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(135,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2410837Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(163,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2412996Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(191,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2415215Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(224,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2418506Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/DynamicallyRegisteredTests.cs(58,19): warning CS0618: 'TestContext.ReregisterTestWithArguments(object?[]?, Dictionary?)' is obsolete: 'This method is non-functional after the removal of ITestFinder. It will be removed in a future version.' [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2421164Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ComprehensiveCountTest.cs(8,44): warning CS9113: Parameter 'classValue' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2423382Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(266,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2425549Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDisplayNameAttributeTests.cs(23,57): warning CS9113: Parameter 'value' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2427702Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceEnumerableTest.cs(6,51): warning CS9113: Parameter 'value' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2430092Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/CombinedParallelConstraintsTests.cs(253,17): warning CS0219: The variable 'hasOverlap' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2432877Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(17,24): warning CS0414: The field 'HookCleanupOnFailureTests._afterAssemblyCount' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2435912Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(124,25): warning CS0414: The field 'MultipleAfterClassHooksTests._testsExecuted' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2438989Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(14,25): warning CS0414: The field 'HookExceptionHandlingTests._afterAssemblyExecuted' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2442002Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(16,24): warning CS0414: The field 'HookCleanupOnFailureTests._beforeAssemblyCount' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2445053Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/DynamicTests/Runtime.cs(13,17): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2447621Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/CallEventReceiverTests.cs(34,28): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2450517Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/VerifyFixTest.cs(11,27): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2453607Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AllDataSourcesCombinedTests.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2456500Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AllDataSourcesCombinedTestsVerification.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2459390Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ArgumentsWithClassDataSourceTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2462186Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/CallEventReceiverTests.cs(25,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2465168Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(219,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2468040Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(234,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2470903Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(249,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2474031Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(264,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2477018Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(279,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2479913Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceDrivenTestsSharedKeyed2.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2482819Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceDrivenTestsSharedKeyed3.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2486184Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/TestMixedGenericParameters.cs(8,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2489093Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(197,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2491943Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(171,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2494902Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(178,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2497740Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(102,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2500574Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(113,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2503531Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(377,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2506546Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(20,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2509490Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(200,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2512335Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(31,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2515415Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(316,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2518273Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(52,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2521157Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(223,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2524319Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(388,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2527259Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(400,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2530160Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(256,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2533197Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(412,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2536110Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(423,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2538993Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(435,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2542014Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(69,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2545115Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(127,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2548021Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(446,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2550891Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(106,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2553881Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(59,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2556791Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(101,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2559687Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(327,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2562561Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(338,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2565557Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(349,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2568433Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(153,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2571302Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(163,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2574440Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(322,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2577520Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(346,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2580433Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2504CollectionExpressionTest.cs(62,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2583439Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(358,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2585836Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2798/Tests.cs(16,36): warning TUnit0046: Return a `Func` rather than a ``. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2587895Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2757/Tests.cs(20,41): warning TUnit0046: Return a `Func` rather than a ``. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2590461Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(80,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2593006Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3185/BugRepro3185.cs(88,19): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2595818Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(90,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2598761Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2136/Tests.cs(14,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2601587Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2867/DisposalNotCalledTests.cs(267,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2604646Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SmartInferenceTests.cs(27,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2607747Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SmartInferenceTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2610390Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleStaticTest.cs(9,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2613293Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleTupleTest.cs(11,56): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2616067Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleHookTest.cs(23,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2618742Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleHookTest.cs(28,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2621586Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(56,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2624631Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(23,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2627571Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2630090Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/RunOnSkipTests.cs(38,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2632428Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/RunOnSkipTests.cs(52,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2635277Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleTest.cs(8,71): warning TUnit0301: Tuple parameter 'data2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2638169Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleTest.cs(16,64): warning TUnit0301: Tuple parameter 'data' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2641267Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(12,73): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2644481Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(22,65): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2647513Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(32,67): warning TUnit0301: Tuple parameter 'value1' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2650530Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(32,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2653636Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(43,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2656541Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MultipleClassDataGeneratorsTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2659511Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(54,82): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2662140Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MinimalDiscoveryTest.cs(8,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2664895Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MultipleDataSourcesTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2667835Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(64,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2670298Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(121,45): warning TUnit0046: Return a `Func` rather than a ``. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2672936Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MethodDataSourceWithArgumentsTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2676206Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(74,83): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2679362Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(84,88): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2682193Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookGeneratorTest.cs(9,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2685008Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookGeneratorTest.cs(15,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2687751Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(13,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2690442Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2693421Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(79,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2696422Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(41,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2699446Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(49,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2702435Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTestExample.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2705471Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2708448Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(70,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2711750Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(59,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2715026Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(15,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2718153Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(171,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2721231Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(155,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2724331Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(9,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2727275Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2730061Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2732920Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(20,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2735963Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(22,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2738740Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(43,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2741647Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(57,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2745119Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2748239Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMethodTests.cs(11,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2751288Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2754515Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInheritsTestVerification.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2757596Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(140,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2760671Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(124,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2763892Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2766897Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(52,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2769892Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2772725Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(54,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2775685Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(61,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2778836Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(82,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2782026Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(92,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2785003Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(63,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2787451Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/FailFastTest.cs(10,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2790275Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(101,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2793453Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(110,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2796492Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(36,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2799440Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(47,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2802305Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3219/ClassDataSourceRetryTests.cs(46,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2805296Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceWithMethodDataSourceTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2808168Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3219/ClassDataSourceRetryTests.cs(77,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2811077Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(110,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2814051Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(123,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2816515Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AbstractBaseClassPropertyInjectionTests.cs(20,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2820441Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(39,86): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2825413Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(56,97): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2829766Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AsyncDataSourceExampleTests.cs(7,67): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2833602Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AsyncDataSourceExampleTests.cs(59,71): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2837304Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1570/Tests.cs(21,23): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2839885Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceEnumerableTest.cs(6,51): warning CS9113: Parameter 'value' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2842040Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDisplayNameAttributeTests.cs(23,57): warning CS9113: Parameter 'value' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2844287Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ComprehensiveCountTest.cs(8,44): warning CS9113: Parameter 'classValue' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2846535Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/TestCountVerificationTests.cs(6,45): warning CS9113: Parameter 'value' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2848816Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(254,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2851049Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(269,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2853372Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(285,9): warning CS0162: Unreachable code detected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2856746Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/DynamicallyRegisteredTests.cs(58,19): warning CS0618: 'TestContext.ReregisterTestWithArguments(object?[]?, Dictionary?)' is obsolete: 'This method is non-functional after the removal of ITestFinder. It will be removed in a future version.' [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2859435Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2887/ReproTest.cs(16,54): warning CS9113: Parameter 'serviceProvider' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2861891Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2993/ImplicitConversionTests.cs(27,35): warning CS8600: Converting null literal or possible null value to non-nullable type. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2864536Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/CombinedParallelConstraintsTests.cs(253,17): warning CS0219: The variable 'hasOverlap' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2866911Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2955/InheritedDataSourceTests.cs(68,27): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2870257Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/PropertyInitializationTests.cs(108,91): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2874174Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/PropertyInitializationTests.cs(98,82): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2876864Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NotInParallelExecutionTests.cs(28,25): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2879232Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NotInParallelExecutionTests.cs(53,30): warning CS8602: Dereference of a possibly null reference. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2881408Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MixedDataSourceBugTest.cs(5,41): warning CS9113: Parameter 'classValue' is unread. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2884736Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(130,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2888343Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests2.cs(33,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2891910Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(100,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2895574Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(61,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2899139Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(34,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2902230Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(17,24): warning CS0414: The field 'HookCleanupOnFailureTests._afterAssemblyCount' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2905213Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(16,24): warning CS0414: The field 'HookCleanupOnFailureTests._beforeAssemblyCount' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2908104Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(124,25): warning CS0414: The field 'MultipleAfterClassHooksTests._testsExecuted' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2911032Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(14,25): warning CS0414: The field 'HookExceptionHandlingTests._afterAssemblyExecuted' is assigned but its value is never used [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2913915Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/CallEventReceiverTests.cs(34,28): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2916553Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/DynamicTests/Runtime.cs(13,17): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2919417Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/VerifyFixTest.cs(11,27): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2922216Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AllDataSourcesCombinedTests.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2925189Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/AllDataSourcesCombinedTestsVerification.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2928059Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ArgumentsWithClassDataSourceTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2930849Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/CallEventReceiverTests.cs(25,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2933748Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(219,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2936619Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(234,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2939479Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(249,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2942334Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(264,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2945297Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(279,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2948309Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceDrivenTestsSharedKeyed2.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2951307Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceDrivenTestsSharedKeyed3.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2954313Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(377,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2957201Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(388,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2960089Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(400,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2962977Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(412,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2965954Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(423,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2968849Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(435,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2971737Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceWithMethodDataSourceTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2974851Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/TestMixedGenericParameters.cs(8,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2977760Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(446,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2980771Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(316,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2983870Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(327,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2986775Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(338,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2989663Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(349,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2992517Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(52,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2995463Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(171,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.2998307Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(178,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3001144Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(69,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3004089Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(102,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3006936Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(106,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3009769Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(20,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3012592Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(31,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3015753Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(322,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3018755Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(223,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3021658Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(346,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3024626Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(113,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3027465Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(200,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3030318Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(127,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3033308Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(358,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3036190Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(197,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3039065Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(59,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3041948Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(101,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3044931Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(256,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3047931Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(80,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3050877Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(90,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3053859Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(153,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3056747Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(163,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3059122Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2798/Tests.cs(16,36): warning TUnit0046: Return a `Func` rather than a ``. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3061182Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2757/Tests.cs(20,41): warning TUnit0046: Return a `Func` rather than a ``. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3063866Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2504CollectionExpressionTest.cs(62,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3066761Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3219/ClassDataSourceRetryTests.cs(46,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3069703Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2136/Tests.cs(14,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3072250Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3185/BugRepro3185.cs(88,19): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3075061Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2867/DisposalNotCalledTests.cs(267,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3077912Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3219/ClassDataSourceRetryTests.cs(77,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3081017Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SmartInferenceTests.cs(27,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3084272Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SmartInferenceTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3087275Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleTupleTest.cs(11,56): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3089816Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleStaticTest.cs(9,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3092415Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleHookTest.cs(23,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3095239Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleHookTest.cs(28,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3098116Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(56,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3101062Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(23,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3104115Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3107051Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleTest.cs(8,71): warning TUnit0301: Tuple parameter 'data2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3109952Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleTest.cs(16,64): warning TUnit0301: Tuple parameter 'data' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3112913Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(12,73): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3116109Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MultipleClassDataGeneratorsTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3119218Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(22,65): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3122244Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(32,67): warning TUnit0301: Tuple parameter 'value1' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3125375Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(32,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3128238Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MultipleDataSourcesTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3130749Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MinimalDiscoveryTest.cs(8,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3133674Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(43,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3136582Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/MethodDataSourceWithArgumentsTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3139557Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(54,82): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3142558Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(64,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3145671Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(74,83): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3148116Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(121,45): warning TUnit0046: Return a `Func` rather than a ``. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3150991Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(84,88): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3154026Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(13,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3156978Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(70,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3159966Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(79,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3162744Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookGeneratorTest.cs(9,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3165551Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookGeneratorTest.cs(15,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3168471Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(41,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3171498Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(49,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3174427Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3205709Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3208740Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTestExample.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3211961Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3215232Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3218200Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3221262Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(59,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3224659Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(22,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3227663Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(9,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3230748Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(15,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3233983Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInheritsTestVerification.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3237014Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(20,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3240017Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(57,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3242874Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(43,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3245967Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(171,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3249334Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(140,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3252208Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(54,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3255287Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(124,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3258297Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3261070Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(63,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3264246Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(36,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3267268Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(47,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3270232Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMethodTests.cs(11,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3273393Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(155,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3276031Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/FailFastTest.cs(10,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3278884Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3282068Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(52,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3285243Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(61,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3288305Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3291388Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3294584Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(82,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3297667Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(92,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3300751Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(101,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3303938Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(110,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3306822Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(110,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3309552Z ##[warning]/home/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(123,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3310935Z 904 Warning(s) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3311123Z 0 Error(s) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3311239Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3311342Z Time Elapsed 00:03:02.05 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3431867Z Prepare all required actions -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3480742Z ##[group]Run ./.github/actions/execute-pipeline -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3481037Z with: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3481799Z admin-token: *** -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3482027Z environment: Development -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3482364Z nuget-apikey: *** -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3482575Z publish-packages: false -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3482791Z netversion: net9.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3482978Z env: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3483324Z DOTNET_ROOT: /usr/share/dotnet -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3483609Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3564216Z ##[group]Run dotnet run -c Release --categories -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3564575Z dotnet run -c Release --categories  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3659341Z shell: /usr/bin/bash --noprofile --norc -e -o pipefail {0} -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3659660Z env: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3659852Z DOTNET_ROOT: /usr/share/dotnet -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3660240Z ADMIN_TOKEN: *** -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3660578Z GITHUB_TOKEN: *** -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3660822Z DOTNET_ENVIRONMENT: Development -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3661176Z NuGet__ApiKey: *** -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3661389Z NuGet__ShouldPublish: false -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3661621Z NET_VERSION: net9.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:47.3661819Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:51.0477561Z [19:20:51 Info]  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:51.0478271Z Detected Build System: GitHubActions -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:20:51.0478597Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:13.1466364Z ##[group]RunAssertionsAnalyzersTestsModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:13.1482827Z [19:21:13 Info] Creating Temporary Folder: /tmp/s4opuxsahf5 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:13.1487629Z [19:21:13 Info] Searching Files in: /home/runner/work/TUnit/TUnit > x => x.Name  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:13.1489177Z == "TUnit.Assertions.Analyzers.Tests.csproj" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:13.1498448Z [19:21:13 Info] ---Executing Command--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:13.1499951Z /home/runner/work/TUnit/TUnit/TUnit.Pipeline> dotnet test  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:13.1501536Z /home/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers.Tests/TUnit.Assertions. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:13.1503286Z Analyzers.Tests.csproj --configuration Release --framework net8.0 --no-build --  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:13.1504815Z --hangdump --hangdump-filename hangdump.assertions-analyzers-tests.dmp  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:13.1505939Z --hangdump-timeout 5m -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:13.1507000Z [19:21:13 Info] ---Exit Code---- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:13.1507868Z 0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:13.1508814Z [19:21:13 Info] ---Duration--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:13.1509707Z 21s & 519ms -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:13.1511238Z [19:21:13 Info] Module RunAssertionsAnalyzersTestsModule completed successfully -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:13.1512747Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:20.4868282Z ##[group]RunSourceGeneratorTestsModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:20.4872757Z [19:21:20 Info] Creating Temporary Folder: /tmp/3dgbhewuy4x -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:20.4875856Z [19:21:20 Info] Searching Files in: /home/runner/work/TUnit/TUnit > x => x.Name  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:20.4876608Z == "TUnit.Core.SourceGenerator.Tests.csproj" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:20.4880156Z [19:21:20 Info] ---Executing Command--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:20.4881670Z /home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests> dotnet run  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:20.4883800Z --configuration Release --framework net9.0 --no-build -- --fail-fast --hangdump  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:20.4885053Z --hangdump-filename hangdump.Unix.RunSourceGeneratorTestsModule.dmp  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:20.4885921Z --hangdump-timeout 5m -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:20.4886787Z [19:21:20 Info] ---Exit Code---- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:20.4887444Z 0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:20.4888209Z [19:21:20 Info] ---Duration--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:20.4888874Z 3s & 470ms -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:20.4890250Z [19:21:20 Info] Searching Files in: /home/runner/work/TUnit/TUnit > x => x.Name  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:20.4891528Z == "TUnit.Core.SourceGenerator.Tests.csproj" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:20.4892568Z [19:21:20 Info] ---Executing Command--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:20.4894196Z /home/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests> dotnet run  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:20.4895700Z --configuration Release --framework net8.0 --no-build -- --fail-fast --hangdump  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:20.4896913Z --hangdump-filename hangdump.Unix.RunSourceGeneratorTestsModule.dmp  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:20.4897726Z --hangdump-timeout 5m -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:20.4898257Z [19:21:20 Info] ---Exit Code---- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:20.4898624Z 0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:20.4899044Z [19:21:20 Info] ---Duration--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:20.4899417Z 3s & 268ms -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:20.4900132Z [19:21:20 Info] Module RunSourceGeneratorTestsModule completed successfully -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:20.4900870Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:27.5694221Z ##[group]RunAssertionsTestsModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:27.5696710Z [19:21:27 Info] Creating Temporary Folder: /tmp/4omqwbnoo3o -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:27.5698429Z [19:21:27 Info] Searching Files in: /home/runner/work/TUnit/TUnit > x => x.Name  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:27.5699594Z == "TUnit.Assertions.Tests.csproj" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:27.5700531Z [19:21:27 Info] ---Executing Command--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:27.5701883Z /home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests> dotnet run --configuration -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:27.5703304Z Release --framework net9.0 --no-build --hangdump --hangdump-filename  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:27.5704435Z hangdump.Unix.RunAssertionsTestsModule.dmp --hangdump-timeout 5m -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:27.5705496Z [19:21:27 Info] ---Exit Code---- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:27.5706109Z 0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:27.5706809Z [19:21:27 Info] ---Duration--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:27.5707453Z 3s & 93ms -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:27.5708755Z [19:21:27 Info] Searching Files in: /home/runner/work/TUnit/TUnit > x => x.Name  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:27.5709876Z == "TUnit.Assertions.Tests.csproj" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:27.5710952Z [19:21:27 Info] ---Executing Command--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:27.5711722Z /home/runner/work/TUnit/TUnit/TUnit.Assertions.Tests> dotnet run --configuration -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:27.5712585Z Release --framework net8.0 --no-build --hangdump --hangdump-filename  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:27.5713434Z hangdump.Unix.RunAssertionsTestsModule.dmp --hangdump-timeout 5m -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:27.5714473Z [19:21:27 Info] ---Exit Code---- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:27.5714832Z 0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:27.5715225Z [19:21:27 Info] ---Duration--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:27.5715595Z 3s & 213ms -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:27.5716255Z [19:21:27 Info] Module RunAssertionsTestsModule completed successfully -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:27.5716896Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:34.9692665Z ##[group]RunAssertionsCodeFixersTestsModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:34.9695964Z [19:21:34 Info] Creating Temporary Folder: /tmp/ttsepnbbtzu -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:34.9697863Z [19:21:34 Info] Searching Files in: /home/runner/work/TUnit/TUnit > x => x.Name  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:34.9699194Z == "TUnit.Assertions.Analyzers.CodeFixers.Tests.csproj" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:34.9700313Z [19:21:34 Info] ---Executing Command--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:34.9701605Z /home/runner/work/TUnit/TUnit/TUnit.Pipeline> dotnet test  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:34.9703267Z /home/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers.CodeFixers.Tests/TUnit. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:34.9704754Z Assertions.Analyzers.CodeFixers.Tests.csproj --configuration Release --framework -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:34.9705895Z net8.0 --no-build -- --hangdump --hangdump-filename  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:34.9706948Z hangdump.assertions-codefixers-tests.dmp --hangdump-timeout 5m -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:34.9707952Z [19:21:34 Info] ---Exit Code---- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:34.9708352Z 0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:34.9708796Z [19:21:34 Info] ---Duration--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:34.9709173Z 7s & 81ms -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:34.9709911Z [19:21:34 Info] Module RunAssertionsCodeFixersTestsModule completed successfully -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:34.9710654Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:39.5152769Z ##[group]RunPublicAPITestsModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:39.5156914Z [19:21:39 Info] Creating Temporary Folder: /tmp/maok42hzfym -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:39.5159066Z [19:21:39 Info] Searching Files in: /home/runner/work/TUnit/TUnit > x => x.Name  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:39.5160381Z == "TUnit.PublicAPI.csproj" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:39.5171271Z [19:21:39 Info] ---Executing Command--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:39.5173819Z /home/runner/work/TUnit/TUnit/TUnit.PublicAPI> dotnet run --configuration  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:39.5175168Z Release --framework net9.0 --no-build --fail-fast --hangdump --hangdump-filename -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:39.5176555Z hangdump.Unix.RunPublicAPITestsModule.dmp --hangdump-timeout 5m -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:39.5177625Z [19:21:39 Info] ---Exit Code---- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:39.5178545Z 0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:39.5179276Z [19:21:39 Info] ---Duration--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:39.5179926Z 2s & 69ms -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:39.5181271Z [19:21:39 Info] Searching Files in: /home/runner/work/TUnit/TUnit > x => x.Name  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:39.5182414Z == "TUnit.PublicAPI.csproj" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:39.5183489Z [19:21:39 Info] ---Executing Command--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:39.5184469Z /home/runner/work/TUnit/TUnit/TUnit.PublicAPI> dotnet run --configuration  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:39.5185258Z Release --framework net8.0 --no-build --fail-fast --hangdump --hangdump-filename -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:39.5185886Z hangdump.Unix.RunPublicAPITestsModule.dmp --hangdump-timeout 5m -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:39.5186496Z [19:21:39 Info] ---Exit Code---- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:39.5186851Z 0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:39.5187253Z [19:21:39 Info] ---Duration--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:39.5187623Z 2s & 148ms -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:39.5188294Z [19:21:39 Info] Module RunPublicAPITestsModule completed successfully -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:39.5189026Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:40.8032264Z ##[group]RunRpcTestsModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:40.8034716Z [19:21:40 Info] Creating Temporary Folder: /tmp/xvzvglbzivr -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:40.8036110Z [19:21:40 Info] Searching Files in: /home/runner/work/TUnit/TUnit > x => x.Name  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:40.8036968Z == "TUnit.RpcTests.csproj" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:40.8037793Z [19:21:40 Info] ---Executing Command--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:40.8039083Z /home/runner/work/TUnit/TUnit/TUnit.RpcTests> dotnet run --configuration Release -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:40.8039846Z --framework net8.0 --no-build --ignore-exit-code 8 --hangdump  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:40.8040540Z --hangdump-filename hangdump.Unix.RunRpcTestsModule.dmp --hangdump-timeout 5m -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:40.8041236Z [19:21:40 Info] ---Exit Code---- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:40.8041644Z 0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:40.8042120Z [19:21:40 Info] ---Duration--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:40.8042554Z 1s & 96ms -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:40.8043404Z [19:21:40 Info] Module RunRpcTestsModule completed successfully -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:40.8044108Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:40.8046051Z ##[group]RunPlaywrightTestsModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:40.8048980Z [19:21:40 Info] SkipHandler`1 ignored because: A condition to run this module  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:40.8050182Z has not been met - RunOnWindowsOnlyAttribute and no historical results were  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:40.8050901Z found -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:40.8052780Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:40.8053889Z ##[group]RunAspNetTestsModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:40.8056157Z [19:21:40 Info] SkipHandler`1 ignored because: A condition to run this module  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:40.8057785Z has not been met - RunOnWindowsOnlyAttribute and no historical results were  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:40.8058589Z found -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:40.8059307Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:53.3330508Z ##[group]RunTemplateTestsModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:53.3333528Z [19:21:53 Info] Creating Temporary Folder: /tmp/cm4afxmhps0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:53.3335407Z [19:21:53 Info] Searching Files in: /home/runner/work/TUnit/TUnit > x => x.Name  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:53.3336669Z == "TUnit.Templates.Tests.csproj" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:53.3337691Z [19:21:53 Info] ---Executing Command--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:53.3338875Z /home/runner/work/TUnit/TUnit/TUnit.Pipeline> dotnet test  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:53.3340213Z /home/runner/work/TUnit/TUnit/TUnit.Templates.Tests/TUnit.Templates.Tests.csproj -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:53.3341399Z --configuration Release --framework net9.0 --no-build -- --hangdump  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:53.3342573Z --hangdump-filename hangdump.template-tests.dmp --hangdump-timeout 5m -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:53.3343918Z [19:21:53 Info] ---Exit Code---- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:53.3344537Z 0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:53.3345267Z [19:21:53 Info] ---Duration--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:53.3346005Z 12s & 471ms -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:53.3347281Z [19:21:53 Info] Module RunTemplateTestsModule completed successfully -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:53.3348486Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:56.9162477Z ##[group]RunUnitTestsModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:56.9165653Z [19:21:56 Info] Creating Temporary Folder: /tmp/gllj4gnnaej -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:56.9168735Z [19:21:56 Info] Searching Files in: /home/runner/work/TUnit/TUnit > x => x.Name  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:56.9170530Z == "TUnit.UnitTests.csproj" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:56.9171454Z [19:21:56 Info] ---Executing Command--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:56.9172800Z /home/runner/work/TUnit/TUnit/TUnit.UnitTests> dotnet run --configuration  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:56.9181279Z Release --framework net9.0 --no-build --hangdump --hangdump-filename  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:56.9182408Z hangdump.Unix.RunUnitTestsModule.dmp --hangdump-timeout 5m -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:56.9183746Z [19:21:56 Info] ---Exit Code---- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:56.9184415Z 0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:56.9185222Z [19:21:56 Info] ---Duration--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:56.9185997Z 1s & 586ms -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:56.9187403Z [19:21:56 Info] Searching Files in: /home/runner/work/TUnit/TUnit > x => x.Name  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:56.9188612Z == "TUnit.UnitTests.csproj" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:56.9189545Z [19:21:56 Info] ---Executing Command--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:56.9191091Z /home/runner/work/TUnit/TUnit/TUnit.UnitTests> dotnet run --configuration  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:56.9192371Z Release --framework net8.0 --no-build --hangdump --hangdump-filename  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:56.9193857Z hangdump.Unix.RunUnitTestsModule.dmp --hangdump-timeout 5m -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:56.9194940Z [19:21:56 Info] ---Exit Code---- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:56.9195571Z 0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:56.9196310Z [19:21:56 Info] ---Duration--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:56.9197012Z 1s & 600ms -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:56.9198184Z [19:21:56 Info] Module RunUnitTestsModule completed successfully -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:21:56.9199308Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:22:29.4049026Z ##[group]RunAnalyzersTestsModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:22:29.4051427Z [19:22:29 Info] Creating Temporary Folder: /tmp/clqbdacwr5d -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:22:29.4053414Z [19:22:29 Info] Searching Files in: /home/runner/work/TUnit/TUnit > x => x.Name  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:22:29.4054603Z == "TUnit.Analyzers.Tests.csproj" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:22:29.4055537Z [19:22:29 Info] ---Executing Command--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:22:29.4056728Z /home/runner/work/TUnit/TUnit/TUnit.Pipeline> dotnet test  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:22:29.4057843Z /home/runner/work/TUnit/TUnit/TUnit.Analyzers.Tests/TUnit.Analyzers.Tests.csproj -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:22:29.4058985Z --configuration Release --framework net8.0 --no-build -- --hangdump  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:22:29.4059651Z --hangdump-filename hangdump.analyzers-tests.dmp --hangdump-timeout 5m -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:22:29.4060278Z [19:22:29 Info] ---Exit Code---- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:22:29.4060658Z 0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:22:29.4061076Z [19:22:29 Info] ---Duration--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:22:29.4061446Z 32s & 341ms -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:22:29.4062107Z [19:22:29 Info] Module RunAnalyzersTestsModule completed successfully -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:22:29.4062787Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:18.8530072Z ##[group]PublishAOTModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:18.8532434Z [19:24:18 Info] Creating Temporary Folder: /tmp/o5is31qb551 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:18.8534423Z [19:24:18 Info] Searching Files in: /home/runner/work/TUnit/TUnit > x => x.Name  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:18.8535601Z == "TUnit.TestProject.csproj" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:18.8536526Z [19:24:18 Info] ---Executing Command--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:18.8537779Z /home/runner/work/TUnit/TUnit/TUnit.Pipeline> dotnet publish  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:18.8539016Z /home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:18.8540219Z --configuration Release --framework net8.0 --output TESTPROJECT_AOT --runtime  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:18.8541091Z linux-x64 --property:Aot=true -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:18.8541846Z [19:24:18 Info] ---Exit Code---- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:18.8542241Z 0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:18.8542925Z [19:24:18 Info] ---Duration--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:18.8543556Z 1m & 49s -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:18.8544202Z [19:24:18 Info] Module PublishAOTModule completed successfully -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:18.8545037Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:56.9425840Z ##[group]PublishSingleFileModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:56.9433703Z [19:24:56 Info] Creating Temporary Folder: /tmp/zfm0vwmqiz4 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:56.9435586Z [19:24:56 Info] Searching Files in: /home/runner/work/TUnit/TUnit > x => x.Name  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:56.9436797Z == "TUnit.TestProject.csproj" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:56.9437703Z [19:24:56 Info] ---Executing Command--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:56.9439074Z /home/runner/work/TUnit/TUnit/TUnit.Pipeline> dotnet publish  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:56.9440480Z /home/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:56.9441698Z --configuration Release --framework net8.0 --output TESTPROJECT_SINGLEFILE  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:56.9442709Z --runtime linux-x64 --property:SingleFile=true -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:56.9443943Z [19:24:56 Info] ---Exit Code---- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:56.9444599Z 0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:56.9445357Z [19:24:56 Info] ---Duration--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:56.9446069Z 37s & 999ms -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:56.9447285Z [19:24:56 Info] Module PublishSingleFileModule completed successfully -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:24:56.9448495Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2898299Z ##[group]RunEngineTestsModule - Error! CommandException -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2899827Z [19:26:26 Info] Creating Temporary Folder: /tmp/4gufpinqnxa -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2901361Z [19:26:26 Info] Searching Files in: /home/runner/work/TUnit/TUnit > x => x.Name  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2902477Z == "TUnit.Engine.Tests.csproj" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2903653Z [19:26:26 Info] ---Executing Command--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2904609Z /home/runner/work/TUnit/TUnit/TUnit.Engine.Tests> dotnet run --configuration  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2905798Z Release --framework net9.0 --no-build --project TUnit.Engine.Tests.csproj  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2907080Z --hangdump --hangdump-filename hangdump.Unix.engine-tests.dmp --hangdump-timeout -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2908209Z 30m --timeout 35m --fail-fast -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2909149Z [19:26:26 Info] ---Exit Code---- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2909799Z 7 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2910534Z [19:26:26 Info] ---Duration--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2911267Z 1m & 29s -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2912114Z [19:26:26 Info] ---Command Error--- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2913361Z Unhandled exception. System.Exception: Error asserting results for  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2914306Z AfterTestAttributeTests: "Failed" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2914791Z  should be -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2915064Z "Completed" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2915620Z  but was not -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2915908Z  difference -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2916297Z Difference | | | | | | | | | |  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2916898Z  | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2917314Z Index | 0 1 2 3 4 5 6 7 8  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2917772Z Expected Value | C o m p l e t e d  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2918254Z Actual Value | F a i l e d  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2918748Z Expected Code | 67 111 109 112 108 101 116 101 100  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2919622Z Actual Code | 70 97 105 108 101 100  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2920039Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2920273Z Expression: [ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2921109Z  result => result.ResultSummary.Outcome.ShouldBe("Completed"), -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2922264Z  result => result.ResultSummary.Counters.Total.ShouldBe(1), -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2923597Z  result => result.ResultSummary.Counters.Passed.ShouldBe(1), -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2924313Z  result => result.ResultSummary.Counters.Failed.ShouldBe(0), -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2924946Z  result => result.ResultSummary.Counters.NotExecuted.ShouldBe(0), -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2925438Z  _ => FindFile(x =>  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2925921Z x.Name.EndsWith("AfterTestAttributeTests.txt")).AssertExists() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2926330Z  ] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2926694Z  ---> Shouldly.ShouldAssertException: "Failed" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2927204Z  should be -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2927700Z "Completed" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2928180Z  but was not -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2928696Z  difference -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2929414Z Difference | | | | | | | | | |  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2930243Z  | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2931046Z Index | 0 1 2 3 4 5 6 7 8  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2931954Z Expected Value | C o m p l e t e d  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2932881Z Actual Value | F a i l e d  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2934026Z Expected Code | 67 111 109 112 108 101 116 101 100  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2935004Z Actual Code | 70 97 105 108 101 100  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2936060Z  at TUnit.Engine.Tests.AfterTestAttributeTests.<>c.b__1_0(TestRun  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2937225Z result) in /_/TUnit.Engine.Tests/AfterTestAttributeTests.cs:line 15 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2937986Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2938851Z TUnit.Engine.Tests.TrxAsserter.<>c__DisplayClass0_1.b__1(Action`1 x)  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2939890Z in /_/TUnit.Engine.Tests/TrxAsserter.cs:line 23 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2940846Z  at System.Collections.Generic.List`1.ForEach(Action`1 action) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2941963Z  at TUnit.Engine.Tests.TrxAsserter.AssertTrx(TestMode testMode, Command  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2943336Z command, BufferedCommandResult commandResult, List`1 assertions, String  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2944339Z trxFilename, String assertionExpression) in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2945130Z /_/TUnit.Engine.Tests/TrxAsserter.cs:line 23 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2945895Z  --- End of inner exception stack trace --- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2946480Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2947673Z TUnit.Engine.Scheduling.TestScheduler.WaitForTasksWithFailFastHandling(Task[]  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2948845Z tasks, CancellationToken cancellationToken) in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2949709Z /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 368 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2950582Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2951538Z TUnit.Engine.Scheduling.TestScheduler.ExecuteGroupedTestsAsync(GroupedTests  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2952736Z groupedTests, CancellationToken cancellationToken) in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2953898Z /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 144 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2954993Z  at TUnit.Engine.Scheduling.TestScheduler.ScheduleAndExecuteAsync(List`1  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2955598Z testList, CancellationToken cancellationToken) in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2956290Z /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 103 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2956940Z  at TUnit.Engine.TestSessionCoordinator.ExecuteTestsCore(List`1 testList,  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2957473Z CancellationToken cancellationToken) in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2957908Z /_/TUnit.Engine/TestSessionCoordinator.cs:line 112 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2958489Z  at TUnit.Engine.TestSessionCoordinator.ExecuteTests(IEnumerable`1 tests,  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2959139Z ITestExecutionFilter filter, IMessageBus messageBus, CancellationToken  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2960184Z cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 54 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2960971Z  at TUnit.Engine.TestSessionCoordinator.ExecuteTests(IEnumerable`1 tests,  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2962013Z ITestExecutionFilter filter, IMessageBus messageBus, CancellationToken  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2962639Z cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 58 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2963045Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2963833Z TUnit.Engine.Framework.TestRequestHandler.HandleRunRequestAsync(TUnitServiceProv -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2964556Z ider serviceProvider, RunTestExecutionRequest request, ExecuteRequestContext  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2965135Z context, ITestExecutionFilter testExecutionFilter) in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2965637Z /_/TUnit.Engine/Framework/TestRequestHandler.cs:line 79 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2965992Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2966495Z TUnit.Engine.Framework.TestRequestHandler.HandleRequestAsync(TestExecutionReques -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2967391Z t request, TUnitServiceProvider serviceProvider, ExecuteRequestContext context,  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2967954Z ITestExecutionFilter testExecutionFilter) in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2968421Z /_/TUnit.Engine/Framework/TestRequestHandler.cs:line 19 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2968780Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2969527Z TUnit.Engine.Framework.TUnitTestFramework.ExecuteRequestAsync(ExecuteRequestCont -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2970428Z ext context) in /_/TUnit.Engine/Framework/TUnitTestFramework.cs:line 60 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2970823Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2971337Z TUnit.Engine.Framework.TUnitTestFramework.ExecuteRequestAsync(ExecuteRequestCont -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2972016Z ext context) in /_/TUnit.Engine/Framework/TUnitTestFramework.cs:line 81 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2972721Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2973866Z Microsoft.Testing.Platform.Requests.TestHostTestFrameworkInvoker.ExecuteRequestA -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2974960Z sync(ITestFramework testFramework, TestExecutionRequest request, IMessageBus  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2975533Z messageBus, CancellationToken cancellationToken) in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2976153Z /_/src/Platform/Microsoft.Testing.Platform/Requests/TestHostTestFrameworkInvoker -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2976626Z .cs:line 72 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2976867Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2977685Z Microsoft.Testing.Platform.Requests.TestHostTestFrameworkInvoker.ExecuteAsync(IT -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2979001Z estFramework testFramework, ClientInfo client, CancellationToken  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2980015Z cancellationToken) in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2981160Z /_/src/Platform/Microsoft.Testing.Platform/Requests/TestHostTestFrameworkInvoker -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2982029Z .cs:line 61 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2982496Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2983281Z Microsoft.Testing.Platform.Hosts.CommonHost.ExecuteRequestAsync(ProxyOutputDevic -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2983994Z e outputDevice, ITestSessionContext testSessionInfo, ServiceProvider  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2984656Z serviceProvider, BaseMessageBus baseMessageBus, ITestFramework testFramework,  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2985136Z ClientInfo client) in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2985655Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 143 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2986943Z  at Microsoft.Testing.Platform.Hosts.ConsoleTestHost.InternalRunAsync() in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2988262Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/ConsoleTestHost.cs:line 83 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2989511Z  at Microsoft.Testing.Platform.Hosts.ConsoleTestHost.InternalRunAsync() in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2990361Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/ConsoleTestHost.cs:line 115 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2990803Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2991311Z Microsoft.Testing.Platform.Hosts.CommonHost.RunTestAppAsync(CancellationToken  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2991886Z testApplicationCancellationToken) in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2992450Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 115 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2993880Z  at Microsoft.Testing.Platform.Hosts.CommonHost.RunAsync() in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2994700Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 38 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2995329Z  at Microsoft.Testing.Platform.Hosts.CommonHost.RunAsync() in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2995965Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 74 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2997123Z  at Microsoft.Testing.Platform.Hosts.TestHostControlledHost.RunAsync() in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2998480Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/TestHostControlledHost.cs:line  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2999191Z 23 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.2999667Z  at Microsoft.Testing.Platform.Builder.TestApplication.RunAsync() in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3000356Z /_/src/Platform/Microsoft.Testing.Platform/Builder/TestApplication.cs:line 222 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3001035Z  at TestingPlatformEntryPoint.Main(String[] args) in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3002143Z /_/TUnit.Engine.Tests/obj/Release/net9.0/TestPlatformEntryPoint.cs:line 16 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3003350Z  at TestingPlatformEntryPoint.
(String[] args) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3003801Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3035397Z [19:26:26 Fail] Module Failed after 00:01:29.3429138 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3036447Z ModularPipelines.Exceptions.CommandException:  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3037476Z Input: dotnet run --configuration Release --framework net9.0 --no-build  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3038591Z --project TUnit.Engine.Tests.csproj --hangdump --hangdump-filename  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3039780Z hangdump.Unix.engine-tests.dmp --hangdump-timeout 30m --timeout 35m --fail-fast -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3040409Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3040961Z Error: Unhandled exception. System.Exception: Error asserting results for  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3041490Z AfterTestAttributeTests: "Failed" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3042002Z  should be -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3042528Z "Completed" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3043038Z  but was not -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3043969Z  difference -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3044377Z Difference | | | | | | | | | |  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3044827Z  | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3045239Z Index | 0 1 2 3 4 5 6 7 8  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3045691Z Expected Value | C o m p l e t e d  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3046156Z Actual Value | F a i l e d  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3046630Z Expected Code | 67 111 109 112 108 101 116 101 100  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3047119Z Actual Code | 70 97 105 108 101 100  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3047351Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3047493Z Expression: [ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3047948Z  result => result.ResultSummary.Outcome.ShouldBe("Completed"), -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3048567Z  result => result.ResultSummary.Counters.Total.ShouldBe(1), -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3049632Z  result => result.ResultSummary.Counters.Passed.ShouldBe(1), -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3050706Z  result => result.ResultSummary.Counters.Failed.ShouldBe(0), -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3051837Z  result => result.ResultSummary.Counters.NotExecuted.ShouldBe(0), -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3052681Z  _ => FindFile(x =>  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3053707Z x.Name.EndsWith("AfterTestAttributeTests.txt")).AssertExists() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3054478Z  ] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3055138Z  ---> Shouldly.ShouldAssertException: "Failed" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3055741Z  should be -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3056222Z "Completed" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3056731Z  but was not -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3057341Z  difference -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3057917Z Difference | | | | | | | | | |  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3058360Z  | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3058779Z Index | 0 1 2 3 4 5 6 7 8  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3059240Z Expected Value | C o m p l e t e d  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3059709Z Actual Value | F a i l e d  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3060182Z Expected Code | 67 111 109 112 108 101 116 101 100  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3060652Z Actual Code | 70 97 105 108 101 100  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3061369Z  at TUnit.Engine.Tests.AfterTestAttributeTests.<>c.b__1_0(TestRun  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3062554Z result) in /_/TUnit.Engine.Tests/AfterTestAttributeTests.cs:line 15 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3063520Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3064035Z TUnit.Engine.Tests.TrxAsserter.<>c__DisplayClass0_1.b__1(Action`1 x)  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3064597Z in /_/TUnit.Engine.Tests/TrxAsserter.cs:line 23 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3065116Z  at System.Collections.Generic.List`1.ForEach(Action`1 action) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3065719Z  at TUnit.Engine.Tests.TrxAsserter.AssertTrx(TestMode testMode, Command  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3066844Z command, BufferedCommandResult commandResult, List`1 assertions, String  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3067820Z trxFilename, String assertionExpression) in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3068634Z /_/TUnit.Engine.Tests/TrxAsserter.cs:line 23 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3069716Z  --- End of inner exception stack trace --- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3070382Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3071158Z TUnit.Engine.Scheduling.TestScheduler.WaitForTasksWithFailFastHandling(Task[]  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3071938Z tasks, CancellationToken cancellationToken) in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3072407Z /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 368 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3072759Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3073638Z TUnit.Engine.Scheduling.TestScheduler.ExecuteGroupedTestsAsync(GroupedTests  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3074813Z groupedTests, CancellationToken cancellationToken) in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3075769Z /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 144 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3076896Z  at TUnit.Engine.Scheduling.TestScheduler.ScheduleAndExecuteAsync(List`1  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3077978Z testList, CancellationToken cancellationToken) in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3078872Z /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 103 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3079940Z  at TUnit.Engine.TestSessionCoordinator.ExecuteTestsCore(List`1 testList,  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3080974Z CancellationToken cancellationToken) in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3081815Z /_/TUnit.Engine/TestSessionCoordinator.cs:line 112 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3082930Z  at TUnit.Engine.TestSessionCoordinator.ExecuteTests(IEnumerable`1 tests,  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3084432Z ITestExecutionFilter filter, IMessageBus messageBus, CancellationToken  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3085485Z cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 54 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3086158Z  at TUnit.Engine.TestSessionCoordinator.ExecuteTests(IEnumerable`1 tests,  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3086807Z ITestExecutionFilter filter, IMessageBus messageBus, CancellationToken  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3087434Z cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 58 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3088061Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3089040Z TUnit.Engine.Framework.TestRequestHandler.HandleRunRequestAsync(TUnitServiceProv -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3090433Z ider serviceProvider, RunTestExecutionRequest request, ExecuteRequestContext  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3091520Z context, ITestExecutionFilter testExecutionFilter) in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3092471Z /_/TUnit.Engine/Framework/TestRequestHandler.cs:line 79 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3093377Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3094245Z TUnit.Engine.Framework.TestRequestHandler.HandleRequestAsync(TestExecutionReques -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3095004Z t request, TUnitServiceProvider serviceProvider, ExecuteRequestContext context,  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3095581Z ITestExecutionFilter testExecutionFilter) in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3096072Z /_/TUnit.Engine/Framework/TestRequestHandler.cs:line 19 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3096439Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3096962Z TUnit.Engine.Framework.TUnitTestFramework.ExecuteRequestAsync(ExecuteRequestCont -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3097761Z ext context) in /_/TUnit.Engine/Framework/TUnitTestFramework.cs:line 60 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3098539Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3099535Z TUnit.Engine.Framework.TUnitTestFramework.ExecuteRequestAsync(ExecuteRequestCont -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3100780Z ext context) in /_/TUnit.Engine/Framework/TUnitTestFramework.cs:line 81 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3101208Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3102058Z Microsoft.Testing.Platform.Requests.TestHostTestFrameworkInvoker.ExecuteRequestA -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3103732Z sync(ITestFramework testFramework, TestExecutionRequest request, IMessageBus  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3104449Z messageBus, CancellationToken cancellationToken) in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3105235Z /_/src/Platform/Microsoft.Testing.Platform/Requests/TestHostTestFrameworkInvoker -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3105724Z .cs:line 72 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3105968Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3106665Z Microsoft.Testing.Platform.Requests.TestHostTestFrameworkInvoker.ExecuteAsync(IT -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3107645Z estFramework testFramework, ClientInfo client, CancellationToken  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3108503Z cancellationToken) in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3127777Z /_/src/Platform/Microsoft.Testing.Platform/Requests/TestHostTestFrameworkInvoker -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3128806Z .cs:line 61 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3129275Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3130270Z Microsoft.Testing.Platform.Hosts.CommonHost.ExecuteRequestAsync(ProxyOutputDevic -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3131591Z e outputDevice, ITestSessionContext testSessionInfo, ServiceProvider  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3132856Z serviceProvider, BaseMessageBus baseMessageBus, ITestFramework testFramework,  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3133934Z ClientInfo client) in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3134883Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 143 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3136193Z  at Microsoft.Testing.Platform.Hosts.ConsoleTestHost.InternalRunAsync() in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3137487Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/ConsoleTestHost.cs:line 83 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3138786Z  at Microsoft.Testing.Platform.Hosts.ConsoleTestHost.InternalRunAsync() in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3140083Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/ConsoleTestHost.cs:line 115 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3140902Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3141849Z Microsoft.Testing.Platform.Hosts.CommonHost.RunTestAppAsync(CancellationToken  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3142886Z testApplicationCancellationToken) in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3144089Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 115 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3145250Z  at Microsoft.Testing.Platform.Hosts.CommonHost.RunAsync() in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3146429Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 38 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3147582Z  at Microsoft.Testing.Platform.Hosts.CommonHost.RunAsync() in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3148760Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 74 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3150024Z  at Microsoft.Testing.Platform.Hosts.TestHostControlledHost.RunAsync() in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3151349Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/TestHostControlledHost.cs:line  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3152161Z 23 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3152990Z  at Microsoft.Testing.Platform.Builder.TestApplication.RunAsync() in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3154481Z /_/src/Platform/Microsoft.Testing.Platform/Builder/TestApplication.cs:line 222 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3155559Z  at TestingPlatformEntryPoint.Main(String[] args) in  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3156629Z /_/TUnit.Engine.Tests/obj/Release/net9.0/TestPlatformEntryPoint.cs:line 16 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3157659Z  at TestingPlatformEntryPoint.
(String[] args) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3158102Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3158110Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3158344Z Exit Code: 7 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3159077Z  at ModularPipelines.Context.d__6.MoveNext() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3160176Z  at System.Runtime.ExceptionServices.ExceptionDispatchInfo.Throw() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3161462Z  at System.Runtime.CompilerServices.TaskAwaiter.ThrowForNonSuccess( -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3162614Z System.Threading.Tasks.Task task) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3163546Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3164857Z System.Runtime.CompilerServices.TaskAwaiter.HandleNonSuccessAndDebuggerNotificat -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3166197Z ion(System.Threading.Tasks.Task task,  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3167622Z System.Threading.Tasks.ConfigureAwaitOptions options) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3168938Z  at System.Runtime.CompilerServices.TaskAwaiter`1.GetResult() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3169795Z  +35 more... -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3170826Z [19:26:26 Fail] Module RunEngineTestsModule failed -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.3172007Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6132578Z ##[group]GenerateVersionModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6139427Z [19:26:26 Fail] Module Failed after 00:00:00 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6141115Z System.OperationCanceledException: The operation was canceled. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6142786Z  at System.Threading.CancellationToken.ThrowOperationCanceledException() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6144454Z  at System.Threading.CancellationToken.ThrowIfCancellationRequested() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6145272Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6145846Z ModularPipelines.Engine.Executors.ModuleHandlers.CancellationHandler`1.SetupCanc -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6146756Z ellation() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6147557Z  at ModularPipelines.Modules.d__28.MoveNext() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6148658Z [19:26:26 Info] Pipeline has been canceled -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6150016Z [19:26:26 Fail] The pipeline has errored so Module GenerateVersionModule will  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6150752Z terminate -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6151154Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6151694Z ##[group]AddLocalNuGetRepositoryModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6152512Z [19:26:26 Fail] Module Failed after 00:00:00 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6153773Z System.OperationCanceledException: The operation was canceled. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6155103Z  at System.Threading.CancellationToken.ThrowOperationCanceledException() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6156437Z  at System.Threading.CancellationToken.ThrowIfCancellationRequested() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6157273Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6158306Z ModularPipelines.Engine.Executors.ModuleHandlers.CancellationHandler`1.SetupCanc -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6159081Z ellation() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6159544Z  at ModularPipelines.Modules.d__28.MoveNext() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6160198Z [19:26:26 Info] Pipeline has been canceled -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6161337Z [19:26:26 Fail] The pipeline has errored so Module AddLocalNuGetRepositoryModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6162242Z will terminate -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6162901Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6163519Z ##[group]GetPackageProjectsModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6164045Z [19:26:26 Fail] Module Failed after 00:00:00 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6164679Z System.OperationCanceledException: The operation was canceled. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6165412Z  at System.Threading.CancellationToken.ThrowOperationCanceledException() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6166788Z  at System.Threading.CancellationToken.ThrowIfCancellationRequested() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6167594Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6168181Z ModularPipelines.Engine.Executors.ModuleHandlers.CancellationHandler`1.SetupCanc -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6169328Z ellation() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6170113Z  at ModularPipelines.Modules.d__28.MoveNext() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6171210Z [19:26:26 Info] Pipeline has been canceled -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6172613Z [19:26:26 Fail] The pipeline has errored so Module GetPackageProjectsModule will -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6173821Z terminate -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6174474Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6175419Z ##[group]PackTUnitFilesModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6176372Z [19:26:26 Fail] Module Failed after 00:00:00 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6177559Z System.OperationCanceledException: The operation was canceled. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6178971Z  at System.Threading.CancellationToken.ThrowOperationCanceledException() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6180361Z  at System.Threading.CancellationToken.ThrowIfCancellationRequested() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6181240Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6181919Z ModularPipelines.Engine.Executors.ModuleHandlers.CancellationHandler`1.SetupCanc -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6182430Z ellation() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6182889Z  at ModularPipelines.Modules.d__28.MoveNext() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6184042Z [19:26:26 Info] Pipeline has been canceled -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6185389Z [19:26:26 Fail] The pipeline has errored so Module PackTUnitFilesModule will  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6186018Z terminate -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6186402Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6186747Z ##[group]CopyToLocalNuGetModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6187230Z [19:26:26 Fail] Module Failed after 00:00:00 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6187851Z System.OperationCanceledException: The operation was canceled. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6188576Z  at System.Threading.CancellationToken.ThrowOperationCanceledException() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6189316Z  at System.Threading.CancellationToken.ThrowIfCancellationRequested() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6189796Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6190350Z ModularPipelines.Engine.Executors.ModuleHandlers.CancellationHandler`1.SetupCanc -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6190850Z ellation() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6191294Z  at ModularPipelines.Modules.d__28.MoveNext() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6191911Z [19:26:26 Info] Pipeline has been canceled -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6192677Z [19:26:26 Fail] The pipeline has errored so Module CopyToLocalNuGetModule will  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6194013Z terminate -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6194414Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6194753Z ##[group]TestTemplatePackageModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6195264Z [19:26:26 Fail] Module Failed after 00:00:00 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6195897Z System.OperationCanceledException: The operation was canceled. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6196626Z  at System.Threading.CancellationToken.ThrowOperationCanceledException() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6197367Z  at System.Threading.CancellationToken.ThrowIfCancellationRequested() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6198044Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6198640Z ModularPipelines.Engine.Executors.ModuleHandlers.CancellationHandler`1.SetupCanc -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6199280Z ellation() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6199731Z  at ModularPipelines.Modules.d__28.MoveNext() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6200352Z [19:26:26 Info] Pipeline has been canceled -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6201183Z [19:26:26 Fail] The pipeline has errored so Module TestTemplatePackageModule  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6202109Z will terminate -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6202689Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6203026Z ##[group]TestNugetPackageModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6203789Z [19:26:26 Fail] Module Failed after 00:00:00 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6204433Z System.OperationCanceledException: The operation was canceled. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6205162Z  at System.Threading.CancellationToken.ThrowOperationCanceledException() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6205912Z  at System.Threading.CancellationToken.ThrowIfCancellationRequested() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6206390Z  at  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6206951Z ModularPipelines.Engine.Executors.ModuleHandlers.CancellationHandler`1.SetupCanc -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6207468Z ellation() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6207904Z  at ModularPipelines.Modules.d__28.MoveNext() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6208522Z [19:26:26 Info] Pipeline has been canceled -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6209298Z [19:26:26 Fail] The pipeline has errored so Module TestNugetPackageModule will  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6209811Z terminate -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6210148Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6392444Z ##[group]CommitFilesModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6395177Z [19:26:26 Info] SkipHandler`1 ignored because: A category of this module has  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6396380Z been ignored and no historical results were found -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6396933Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6397457Z ##[group]CreateReleaseModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6398774Z [19:26:26 Info] SkipHandler`1 ignored because: A condition to run this module  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6399739Z has not been met - RunOnlyOnBranchAttribute and no historical results were found -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6400790Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6401348Z ##[group]GenerateReadMeModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6402518Z [19:26:26 Info] SkipHandler`1 ignored because: A category of this module has  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6403822Z been ignored and no historical results were found -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6404640Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6405183Z ##[group]PushVersionTagModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6406527Z [19:26:26 Info] SkipHandler`1 ignored because: A condition to run this module  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6408012Z has not been met - RunOnlyOnBranchAttribute and no historical results were found -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6408840Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6409192Z ##[group]TestFSharpNugetPackageModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6410779Z [19:26:26 Info] SkipHandler`1 ignored because: A condition to run this module  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6411889Z has not been met - RunOnWindowsOnlyAttribute and no historical results were  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6412544Z found -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6413232Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6413705Z ##[group]TestVBNugetPackageModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6414491Z [19:26:26 Info] SkipHandler`1 ignored because: A condition to run this module  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6415313Z has not been met - RunOnWindowsOnlyAttribute and no historical results were  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6415760Z found -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6416074Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6416380Z ##[group]UploadToNuGetModule -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6417105Z [19:26:26 Info] SkipHandler`1 ignored because: A condition to run this module  -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6417937Z has not been met - RunOnlyOnBranchAttribute and no historical results were found -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6418478Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6476087Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6788423Z ┌─────────────┬────────────┬────────────┬────────────┬────────────┬────────────┐ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6789304Z │ Module │ Duration │ Status │ Start │ End │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6789870Z ├─────────────┼────────────┼────────────┼────────────┼────────────┼────────────┤ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6790535Z │ CommitFiles │ 0ms │ Skipped │ │ │ A category │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6791428Z │ Module │ │ │ │ │ of this  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6792180Z │ │ │ │ │ │ module has │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6792904Z │ │ │ │ │ │ been  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6793639Z │ │ │ │ │ │ ignored │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6794088Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6794720Z │ CreateRelea │ 0ms │ Skipped │ │ │ A  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6795392Z │ seModule │ │ │ │ │ condition  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6795924Z │ │ │ │ │ │ to run  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6796381Z │ │ │ │ │ │ this  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6796850Z │ │ │ │ │ │ module has │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6797310Z │ │ │ │ │ │ not been  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6798078Z │ │ │ │ │ │ met -  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6798489Z │ │ │ │ │ │ RunOnlyOnB │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6798905Z │ │ │ │ │ │ ranchAttri │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6799306Z │ │ │ │ │ │ bute │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6799693Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6800256Z │ GenerateRea │ 0ms │ Skipped │ │ │ A category │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6800995Z │ dMeModule │ │ │ │ │ of this  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6801473Z │ │ │ │ │ │ module has │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6801907Z │ │ │ │ │ │ been  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6802313Z │ │ │ │ │ │ ignored │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6802691Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6803357Z │ PushVersion │ 0ms │ Skipped │ │ │ A  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6803951Z │ TagModule │ │ │ │ │ condition  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6804419Z │ │ │ │ │ │ to run  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6804833Z │ │ │ │ │ │ this  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6805232Z │ │ │ │ │ │ module has │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6805639Z │ │ │ │ │ │ not been  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6806039Z │ │ │ │ │ │ met -  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6806442Z │ │ │ │ │ │ RunOnlyOnB │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6806847Z │ │ │ │ │ │ ranchAttri │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6807244Z │ │ │ │ │ │ bute │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6807620Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6808163Z │ RunAspNetTe │ 0ms │ Skipped │ │ │ A  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6808735Z │ stsModule │ │ │ │ │ condition  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6809203Z │ │ │ │ │ │ to run  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6809615Z │ │ │ │ │ │ this  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6810291Z │ │ │ │ │ │ module has │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6810700Z │ │ │ │ │ │ not been  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6811101Z │ │ │ │ │ │ met -  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6811511Z │ │ │ │ │ │ RunOnWindo │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6811920Z │ │ │ │ │ │ wsOnlyAttr │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6812323Z │ │ │ │ │ │ ibute │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6812859Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6813680Z │ RunPlaywrig │ 0ms │ Skipped │ │ │ A  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6814280Z │ htTestsModu │ │ │ │ │ condition  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6814793Z │ le │ │ │ │ │ to run  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6815232Z │ │ │ │ │ │ this  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6815646Z │ │ │ │ │ │ module has │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6816188Z │ │ │ │ │ │ not been  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6816602Z │ │ │ │ │ │ met -  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6817018Z │ │ │ │ │ │ RunOnWindo │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6817421Z │ │ │ │ │ │ wsOnlyAttr │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6817823Z │ │ │ │ │ │ ibute │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6818202Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6818741Z │ TestFSharpN │ 0ms │ Skipped │ │ │ A  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6819325Z │ ugetPackage │ │ │ │ │ condition  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6819856Z │ Module │ │ │ │ │ to run  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6820300Z │ │ │ │ │ │ this  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6820709Z │ │ │ │ │ │ module has │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6821110Z │ │ │ │ │ │ not been  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6821507Z │ │ │ │ │ │ met -  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6821908Z │ │ │ │ │ │ RunOnWindo │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6822304Z │ │ │ │ │ │ wsOnlyAttr │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6822704Z │ │ │ │ │ │ ibute │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6823268Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6823894Z │ TestVBNuget │ 0ms │ Skipped │ │ │ A  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6824490Z │ PackageModu │ │ │ │ │ condition  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6824993Z │ le │ │ │ │ │ to run  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6825420Z │ │ │ │ │ │ this  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6825818Z │ │ │ │ │ │ module has │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6826218Z │ │ │ │ │ │ not been  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6826619Z │ │ │ │ │ │ met -  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6827158Z │ │ │ │ │ │ RunOnWindo │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6827580Z │ │ │ │ │ │ wsOnlyAttr │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6828100Z │ │ │ │ │ │ ibute │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6828479Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6829007Z │ UploadToNuG │ 0ms │ Skipped │ │ │ A  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6829579Z │ etModule │ │ │ │ │ condition  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6830028Z │ │ │ │ │ │ to run  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6830424Z │ │ │ │ │ │ this  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6830833Z │ │ │ │ │ │ module has │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6831231Z │ │ │ │ │ │ not been  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6831644Z │ │ │ │ │ │ met -  │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6832040Z │ │ │ │ │ │ RunOnlyOnB │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6832497Z │ │ │ │ │ │ ranchAttri │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6832895Z │ │ │ │ │ │ bute │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6833507Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6834054Z │ RunAssertio │ 21s & │ Successful │ 7:20:51 PM │ 7:21:13 PM │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6834629Z │ nsAnalyzers │ 796ms │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6835147Z │ TestsModule │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6835573Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6836108Z │ RunSourceGe │ 7s & 334ms │ Successful │ 7:21:13 PM │ 7:21:20 PM │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6836667Z │ neratorTest │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6837144Z │ sModule │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6837733Z │ --net9.0 │ 3s & 782ms │ Successful │ 7:21:13 PM │ 7:21:16 PM │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6838335Z │ --net8.0 │ 3s & 546ms │ Successful │ 7:21:16 PM │ 7:21:20 PM │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6838803Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6839337Z │ RunAssertio │ 6s & 817ms │ Successful │ 7:21:20 PM │ 7:21:27 PM │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6839888Z │ nsTestsModu │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6840501Z │ le │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6841027Z │ --net9.0 │ 3s & 350ms │ Successful │ 7:21:20 PM │ 7:21:24 PM │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6841618Z │ --net8.0 │ 3s & 466ms │ Successful │ 7:21:24 PM │ 7:21:27 PM │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6842087Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6842602Z │ RunAssertio │ 7s & 396ms │ Successful │ 7:21:27 PM │ 7:21:34 PM │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6843270Z │ nsCodeFixer │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6843891Z │ sTestsModul │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6844355Z │ e │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6844753Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6845270Z │ RunPublicAP │ 4s & 543ms │ Successful │ 7:21:34 PM │ 7:21:39 PM │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6845815Z │ ITestsModul │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6846267Z │ e │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6846787Z │ --net9.0 │ 2s & 219ms │ Successful │ 7:21:34 PM │ 7:21:37 PM │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6847375Z │ --net8.0 │ 2s & 324ms │ Successful │ 7:21:37 PM │ 7:21:39 PM │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6847857Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6848564Z │ RunRpcTests │ 1s & 286ms │ Successful │ 7:21:39 PM │ 7:21:40 PM │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6849123Z │ Module │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6849656Z │ --net8.0 │ 1s & 285ms │ Successful │ 7:21:39 PM │ 7:21:40 PM │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6850118Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6850631Z │ RunTemplate │ 12s & │ Successful │ 7:21:40 PM │ 7:21:53 PM │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6851187Z │ TestsModule │ 526ms │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6851621Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6852151Z │ RunUnitTest │ 3s & 581ms │ Successful │ 7:21:53 PM │ 7:21:56 PM │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6852691Z │ sModule │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6853431Z │ --net9.0 │ 1s & 786ms │ Successful │ 7:21:53 PM │ 7:21:55 PM │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6854041Z │ --net8.0 │ 1s & 794ms │ Successful │ 7:21:55 PM │ 7:21:56 PM │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6854503Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6855017Z │ RunAnalyzer │ 32s & │ Successful │ 7:21:56 PM │ 7:22:29 PM │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6855609Z │ sTestsModul │ 486ms │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6856448Z │ e │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6857181Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6858253Z │ PublishAOTM │ 1m & 49s │ Successful │ 7:22:29 PM │ 7:24:18 PM │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6859473Z │ odule │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6860293Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6861298Z │ PublishSing │ 38s & 88ms │ Successful │ 7:24:18 PM │ 7:24:56 PM │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6862434Z │ leFileModul │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6863600Z │ e │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6864070Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6864877Z │ RunEngineTe │ 1m & 29s │ Failed │ 7:24:56 PM │ 7:26:26 PM │ CommandExc │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6865499Z │ stsModule │ │ │ │ │ eption │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6866138Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6867751Z │ AddLocalNuG │ 0ms │ Pipeline  │ │ 2025/09/28 │ OperationC │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6868862Z │ etRepositor │ │ Terminated │ │ 7:26:26 PM │ anceledExc │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6869802Z │ yModule │ │ │ │ │ eption │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6870509Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6871412Z │ GenerateVer │ 0ms │ Pipeline  │ │ 2025/09/28 │ OperationC │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6872541Z │ sionModule │ │ Terminated │ │ 7:26:26 PM │ anceledExc │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6873617Z │ │ │ │ │ │ eption │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6874284Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6875187Z │ GetPackageP │ 0ms │ Pipeline  │ │ 2025/09/28 │ OperationC │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6876293Z │ rojectsModu │ │ Terminated │ │ 7:26:26 PM │ anceledExc │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6877241Z │ le │ │ │ │ │ eption │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6877925Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6878828Z │ PackTUnitFi │ 0ms │ Pipeline  │ │ 2025/09/28 │ OperationC │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6879956Z │ lesModule │ │ Terminated │ │ 7:26:26 PM │ anceledExc │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6881019Z │ │ │ │ │ │ eption │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6881638Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6882503Z │ CopyToLocal │ 0ms │ Pipeline  │ │ 2025/09/28 │ OperationC │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6883776Z │ NuGetModule │ │ Terminated │ │ 7:26:26 PM │ anceledExc │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6884637Z │ │ │ │ │ │ eption │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6885267Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6886355Z │ TestNugetPa │ 0ms │ Pipeline  │ │ 2025/09/28 │ OperationC │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6887472Z │ ckageModule │ │ Terminated │ │ 7:26:26 PM │ anceledExc │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6888330Z │ │ │ │ │ │ eption │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6888940Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6889826Z │ TestTemplat │ 0ms │ Pipeline  │ │ 2025/09/28 │ OperationC │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6891002Z │ ePackageMod │ │ Terminated │ │ 7:26:26 PM │ anceledExc │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6891984Z │ ule │ │ │ │ │ eption │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6892705Z │ │ │ │ │ │ │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6893682Z │ Total │ 5m & 35s │ Failed │ 7:20:51 PM │ 7:26:26 PM │ ... │ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6894507Z └─────────────┴────────────┴────────────┴────────────┴────────────┴────────────┘ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6894865Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6895671Z Unhandled exception: ModularPipelines.Exceptions.ModuleFailedException: The module RunEngineTestsModule has failed. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6896430Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6896436Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6897771Z Input: dotnet run --configuration Release --framework net9.0 --no-build --project TUnit.Engine.Tests.csproj --hangdump --hangdump-filename hangdump.Unix.engine-tests.dmp --hangdump-timeout 30m --timeout 35m --fail-fast -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6899099Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6899730Z Error: Unhandled exception. System.Exception: Error asserting results for AfterTestAttributeTests: "Failed" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6900505Z should be -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6900777Z "Completed" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6901043Z but was not -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6901336Z difference -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6901748Z Difference | | | | | | | | | | -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6902227Z | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6902747Z Index | 0 1 2 3 4 5 6 7 8 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6903450Z Expected Value | C o m p l e t e d -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6904065Z Actual Value | F a i l e d -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6904688Z Expected Code | 67 111 109 112 108 101 116 101 100 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6905279Z Actual Code | 70 97 105 108 101 100 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6905630Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6905756Z Expression: [ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6906223Z result => result.ResultSummary.Outcome.ShouldBe("Completed"), -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6906939Z result => result.ResultSummary.Counters.Total.ShouldBe(1), -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6907600Z result => result.ResultSummary.Counters.Passed.ShouldBe(1), -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6908245Z result => result.ResultSummary.Counters.Failed.ShouldBe(0), -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6908949Z result => result.ResultSummary.Counters.NotExecuted.ShouldBe(0), -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6909930Z _ => FindFile(x => x.Name.EndsWith("AfterTestAttributeTests.txt")).AssertExists() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6910536Z ] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6910892Z ---> Shouldly.ShouldAssertException: "Failed" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6911375Z should be -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6911658Z "Completed" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6911931Z but was not -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6912222Z difference -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6912648Z Difference | | | | | | | | | | -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6913297Z | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6913818Z Index | 0 1 2 3 4 5 6 7 8 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6914363Z Expected Value | C o m p l e t e d -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6915079Z Actual Value | F a i l e d -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6915702Z Expected Code | 67 111 109 112 108 101 116 101 100 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6916319Z Actual Code | 70 97 105 108 101 100 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6917364Z at TUnit.Engine.Tests.AfterTestAttributeTests.<>c.b__1_0(TestRun result) in /_/TUnit.Engine.Tests/AfterTestAttributeTests.cs:line 15 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6918816Z at TUnit.Engine.Tests.TrxAsserter.<>c__DisplayClass0_1.b__1(Action`1 x) in /_/TUnit.Engine.Tests/TrxAsserter.cs:line 23 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6919846Z at System.Collections.Generic.List`1.ForEach(Action`1 action) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6921458Z at TUnit.Engine.Tests.TrxAsserter.AssertTrx(TestMode testMode, Command command, BufferedCommandResult commandResult, List`1 assertions, String trxFilename, String assertionExpression) in /_/TUnit.Engine.Tests/TrxAsserter.cs:line 23 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6923029Z --- End of inner exception stack trace --- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6924552Z at TUnit.Engine.Scheduling.TestScheduler.WaitForTasksWithFailFastHandling(Task[] tasks, CancellationToken cancellationToken) in /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 368 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6926889Z at TUnit.Engine.Scheduling.TestScheduler.ExecuteGroupedTestsAsync(GroupedTests groupedTests, CancellationToken cancellationToken) in /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 144 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6929005Z at TUnit.Engine.Scheduling.TestScheduler.ScheduleAndExecuteAsync(List`1 testList, CancellationToken cancellationToken) in /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 103 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6930941Z at TUnit.Engine.TestSessionCoordinator.ExecuteTestsCore(List`1 testList, CancellationToken cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 112 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6933443Z at TUnit.Engine.TestSessionCoordinator.ExecuteTests(IEnumerable`1 tests, ITestExecutionFilter filter, IMessageBus messageBus, CancellationToken cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 54 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6936130Z at TUnit.Engine.TestSessionCoordinator.ExecuteTests(IEnumerable`1 tests, ITestExecutionFilter filter, IMessageBus messageBus, CancellationToken cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 58 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6939227Z at TUnit.Engine.Framework.TestRequestHandler.HandleRunRequestAsync(TUnitServiceProvider serviceProvider, RunTestExecutionRequest request, ExecuteRequestContext context, ITestExecutionFilter testExecutionFilter) in /_/TUnit.Engine/Framework/TestRequestHandler.cs:line 79 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6942608Z at TUnit.Engine.Framework.TestRequestHandler.HandleRequestAsync(TestExecutionRequest request, TUnitServiceProvider serviceProvider, ExecuteRequestContext context, ITestExecutionFilter testExecutionFilter) in /_/TUnit.Engine/Framework/TestRequestHandler.cs:line 19 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6945459Z at TUnit.Engine.Framework.TUnitTestFramework.ExecuteRequestAsync(ExecuteRequestContext context) in /_/TUnit.Engine/Framework/TUnitTestFramework.cs:line 60 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6947386Z at TUnit.Engine.Framework.TUnitTestFramework.ExecuteRequestAsync(ExecuteRequestContext context) in /_/TUnit.Engine/Framework/TUnitTestFramework.cs:line 81 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6950515Z at Microsoft.Testing.Platform.Requests.TestHostTestFrameworkInvoker.ExecuteRequestAsync(ITestFramework testFramework, TestExecutionRequest request, IMessageBus messageBus, CancellationToken cancellationToken) in /_/src/Platform/Microsoft.Testing.Platform/Requests/TestHostTestFrameworkInvoker.cs:line 72 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6954376Z at Microsoft.Testing.Platform.Requests.TestHostTestFrameworkInvoker.ExecuteAsync(ITestFramework testFramework, ClientInfo client, CancellationToken cancellationToken) in /_/src/Platform/Microsoft.Testing.Platform/Requests/TestHostTestFrameworkInvoker.cs:line 61 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6958302Z at Microsoft.Testing.Platform.Hosts.CommonHost.ExecuteRequestAsync(ProxyOutputDevice outputDevice, ITestSessionContext testSessionInfo, ServiceProvider serviceProvider, BaseMessageBus baseMessageBus, ITestFramework testFramework, ClientInfo client) in /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 143 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6961329Z at Microsoft.Testing.Platform.Hosts.ConsoleTestHost.InternalRunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/ConsoleTestHost.cs:line 83 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6963325Z at Microsoft.Testing.Platform.Hosts.ConsoleTestHost.InternalRunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/ConsoleTestHost.cs:line 115 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6965498Z at Microsoft.Testing.Platform.Hosts.CommonHost.RunTestAppAsync(CancellationToken testApplicationCancellationToken) in /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 115 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6967547Z at Microsoft.Testing.Platform.Hosts.CommonHost.RunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 38 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6969150Z at Microsoft.Testing.Platform.Hosts.CommonHost.RunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 74 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6970927Z at Microsoft.Testing.Platform.Hosts.TestHostControlledHost.RunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/TestHostControlledHost.cs:line 23 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6972803Z at Microsoft.Testing.Platform.Builder.TestApplication.RunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Builder/TestApplication.cs:line 222 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6974539Z at TestingPlatformEntryPoint.Main(String[] args) in /_/TUnit.Engine.Tests/obj/Release/net9.0/TestPlatformEntryPoint.cs:line 16 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6975538Z at TestingPlatformEntryPoint.
(String[] args) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6975895Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6975902Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6976025Z Exit Code: 7 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6976433Z ---> ModularPipelines.Exceptions.CommandException: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6978182Z Input: dotnet run --configuration Release --framework net9.0 --no-build --project TUnit.Engine.Tests.csproj --hangdump --hangdump-filename hangdump.Unix.engine-tests.dmp --hangdump-timeout 30m --timeout 35m --fail-fast -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6979499Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6980130Z Error: Unhandled exception. System.Exception: Error asserting results for AfterTestAttributeTests: "Failed" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6980948Z should be -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6981235Z "Completed" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6981503Z but was not -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6981796Z difference -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6982231Z Difference | | | | | | | | | | -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6982728Z | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6983367Z Index | 0 1 2 3 4 5 6 7 8 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6983912Z Expected Value | C o m p l e t e d -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6984522Z Actual Value | F a i l e d -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6985137Z Expected Code | 67 111 109 112 108 101 116 101 100 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6985696Z Actual Code | 70 97 105 108 101 100 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6986015Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6986288Z Expression: [ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6986726Z result => result.ResultSummary.Outcome.ShouldBe("Completed"), -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6987420Z result => result.ResultSummary.Counters.Total.ShouldBe(1), -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6988103Z result => result.ResultSummary.Counters.Passed.ShouldBe(1), -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6988798Z result => result.ResultSummary.Counters.Failed.ShouldBe(0), -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6989509Z result => result.ResultSummary.Counters.NotExecuted.ShouldBe(0), -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6990280Z _ => FindFile(x => x.Name.EndsWith("AfterTestAttributeTests.txt")).AssertExists() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6990836Z ] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6991170Z ---> Shouldly.ShouldAssertException: "Failed" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6991590Z should be -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6991998Z "Completed" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6992267Z but was not -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6992546Z difference -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6992942Z Difference | | | | | | | | | | -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6993566Z | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6994056Z Index | 0 1 2 3 4 5 6 7 8 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6994615Z Expected Value | C o m p l e t e d -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6995203Z Actual Value | F a i l e d -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6995784Z Expected Code | 67 111 109 112 108 101 116 101 100 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6996360Z Actual Code | 70 97 105 108 101 100 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6997298Z at TUnit.Engine.Tests.AfterTestAttributeTests.<>c.b__1_0(TestRun result) in /_/TUnit.Engine.Tests/AfterTestAttributeTests.cs:line 15 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6998741Z at TUnit.Engine.Tests.TrxAsserter.<>c__DisplayClass0_1.b__1(Action`1 x) in /_/TUnit.Engine.Tests/TrxAsserter.cs:line 23 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.6999768Z at System.Collections.Generic.List`1.ForEach(Action`1 action) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7001490Z at TUnit.Engine.Tests.TrxAsserter.AssertTrx(TestMode testMode, Command command, BufferedCommandResult commandResult, List`1 assertions, String trxFilename, String assertionExpression) in /_/TUnit.Engine.Tests/TrxAsserter.cs:line 23 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7003307Z --- End of inner exception stack trace --- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7004614Z at TUnit.Engine.Scheduling.TestScheduler.WaitForTasksWithFailFastHandling(Task[] tasks, CancellationToken cancellationToken) in /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 368 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7006916Z at TUnit.Engine.Scheduling.TestScheduler.ExecuteGroupedTestsAsync(GroupedTests groupedTests, CancellationToken cancellationToken) in /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 144 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7009216Z at TUnit.Engine.Scheduling.TestScheduler.ScheduleAndExecuteAsync(List`1 testList, CancellationToken cancellationToken) in /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 103 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7011340Z at TUnit.Engine.TestSessionCoordinator.ExecuteTestsCore(List`1 testList, CancellationToken cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 112 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7013869Z at TUnit.Engine.TestSessionCoordinator.ExecuteTests(IEnumerable`1 tests, ITestExecutionFilter filter, IMessageBus messageBus, CancellationToken cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 54 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7016545Z at TUnit.Engine.TestSessionCoordinator.ExecuteTests(IEnumerable`1 tests, ITestExecutionFilter filter, IMessageBus messageBus, CancellationToken cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 58 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7019481Z at TUnit.Engine.Framework.TestRequestHandler.HandleRunRequestAsync(TUnitServiceProvider serviceProvider, RunTestExecutionRequest request, ExecuteRequestContext context, ITestExecutionFilter testExecutionFilter) in /_/TUnit.Engine/Framework/TestRequestHandler.cs:line 79 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7022979Z at TUnit.Engine.Framework.TestRequestHandler.HandleRequestAsync(TestExecutionRequest request, TUnitServiceProvider serviceProvider, ExecuteRequestContext context, ITestExecutionFilter testExecutionFilter) in /_/TUnit.Engine/Framework/TestRequestHandler.cs:line 19 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7026033Z at TUnit.Engine.Framework.TUnitTestFramework.ExecuteRequestAsync(ExecuteRequestContext context) in /_/TUnit.Engine/Framework/TUnitTestFramework.cs:line 60 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7028018Z at TUnit.Engine.Framework.TUnitTestFramework.ExecuteRequestAsync(ExecuteRequestContext context) in /_/TUnit.Engine/Framework/TUnitTestFramework.cs:line 81 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7031216Z at Microsoft.Testing.Platform.Requests.TestHostTestFrameworkInvoker.ExecuteRequestAsync(ITestFramework testFramework, TestExecutionRequest request, IMessageBus messageBus, CancellationToken cancellationToken) in /_/src/Platform/Microsoft.Testing.Platform/Requests/TestHostTestFrameworkInvoker.cs:line 72 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7035064Z at Microsoft.Testing.Platform.Requests.TestHostTestFrameworkInvoker.ExecuteAsync(ITestFramework testFramework, ClientInfo client, CancellationToken cancellationToken) in /_/src/Platform/Microsoft.Testing.Platform/Requests/TestHostTestFrameworkInvoker.cs:line 61 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7038904Z at Microsoft.Testing.Platform.Hosts.CommonHost.ExecuteRequestAsync(ProxyOutputDevice outputDevice, ITestSessionContext testSessionInfo, ServiceProvider serviceProvider, BaseMessageBus baseMessageBus, ITestFramework testFramework, ClientInfo client) in /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 143 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7041986Z at Microsoft.Testing.Platform.Hosts.ConsoleTestHost.InternalRunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/ConsoleTestHost.cs:line 83 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7044080Z at Microsoft.Testing.Platform.Hosts.ConsoleTestHost.InternalRunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/ConsoleTestHost.cs:line 115 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7046320Z at Microsoft.Testing.Platform.Hosts.CommonHost.RunTestAppAsync(CancellationToken testApplicationCancellationToken) in /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 115 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7048428Z at Microsoft.Testing.Platform.Hosts.CommonHost.RunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 38 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7050074Z at Microsoft.Testing.Platform.Hosts.CommonHost.RunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 74 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7051833Z at Microsoft.Testing.Platform.Hosts.TestHostControlledHost.RunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/TestHostControlledHost.cs:line 23 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7053925Z at Microsoft.Testing.Platform.Builder.TestApplication.RunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Builder/TestApplication.cs:line 222 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7055587Z at TestingPlatformEntryPoint.Main(String[] args) in /_/TUnit.Engine.Tests/obj/Release/net9.0/TestPlatformEntryPoint.cs:line 16 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7056610Z at TestingPlatformEntryPoint.
(String[] args) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7056984Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7056991Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7057114Z Exit Code: 7 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7057971Z at ModularPipelines.Context.Command.Of(Command command, CommandLineToolOptions options, CancellationToken cancellationToken) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7059562Z at ModularPipelines.Context.Command.ExecuteCommandLineTool(CommandLineToolOptions options, CancellationToken cancellationToken) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7060988Z at ModularPipelines.DotNet.Services.DotNet.Run(DotNetRunOptions options, CancellationToken token) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7062749Z at TUnit.Pipeline.Modules.RunEngineTestsModule.ExecuteAsync(IPipelineContext context, CancellationToken cancellationToken) in /_/TUnit.Pipeline/Modules/RunEngineTestsModule.cs:line 33 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7064591Z at ModularPipelines.Modules.Module`1.<>c__DisplayClass36_0.<b__0>d.MoveNext() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7065438Z --- End of stack trace from previous location --- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7068337Z at Polly.Retry.AsyncRetryEngine.ImplementationAsync[TResult](Func`3 action, Context context, ExceptionPredicates shouldRetryExceptionPredicates, ResultPredicates`1 shouldRetryResultPredicates, Func`5 onRetryAsync, CancellationToken cancellationToken, Int32 permittedRetryCount, IEnumerable`1 sleepDurationsEnumerable, Func`4 sleepDurationProvider, Boolean continueOnCapturedContext) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7071487Z at Polly.AsyncPolicy`1.ExecuteInternalAsync(Func`3 action, Context context, Boolean continueOnCapturedContext, CancellationToken cancellationToken) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7072782Z at ModularPipelines.Modules.Module`1.ExecuteInternal() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7074083Z at ModularPipelines.Modules.Module`1.StartInternal() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7074647Z --- End of inner exception stack trace --- -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7075797Z at ModularPipelines.Engine.Executors.PipelineExecutor.ExecuteAsync(List`1 runnableModules, OrganizedModules organizedModules) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7076790Z at ModularPipelines.Engine.Executors.ExecutionOrchestrator.ExecutePipeline(List`1 runnableModules, OrganizedModules organizedModules) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7077775Z at ModularPipelines.Engine.Executors.ExecutionOrchestrator.ExecutePipeline(List`1 runnableModules, OrganizedModules organizedModules) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7078729Z at ModularPipelines.Engine.Executors.ExecutionOrchestrator.ExecutePipeline(List`1 runnableModules, OrganizedModules organizedModules) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7079888Z at ModularPipelines.Engine.Executors.ExecutionOrchestrator.ExecuteInternal(CancellationToken cancellationToken) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7081358Z at ModularPipelines.Engine.Executors.ExecutionOrchestrator.ExecuteInternal(CancellationToken cancellationToken) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7082785Z at ModularPipelines.Engine.Executors.ExecutionOrchestrator.ExecuteAsync(CancellationToken cancellationToken) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7084258Z at ModularPipelines.Extensions.HostExtensions.ExecutePipelineAsync(IPipelineHost host) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7085005Z at ModularPipelines.Host.PipelineHostBuilder.ExecutePipelineAsync() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7085510Z at ModularPipelines.Host.PipelineHostBuilder.ExecutePipelineAsync() -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7086079Z at Program.<>c__DisplayClass0_0.<
$>b__0(ParseResult parseResult) in /_/TUnit.Pipeline/Program.cs:line 45 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7086680Z at System.CommandLine.Command.<>c__DisplayClass30_0.b__0(ParseResult context) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7087771Z at System.CommandLine.Invocation.AnonymousSynchronousCommandLineAction.Invoke(ParseResult parseResult) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7089304Z at System.CommandLine.Invocation.InvocationPipeline.InvokeAsync(ParseResult parseResult, CancellationToken cancellationToken) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7091198Z [19:26:26 Info] Pipeline failed due to: ModuleFailedException -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7306858Z ##[error]Process completed with exit code 1. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7439290Z ##[group]Run actions/upload-artifact@v4.6.2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7439615Z with: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7439856Z name: TestingPlatformDiagnosticLogsubuntu-latest -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7440158Z path: **/log_*.diag -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7440375Z if-no-files-found: warn -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7440600Z compression-level: 6 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7440805Z overwrite: false -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7441014Z include-hidden-files: false -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7441233Z env: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7441413Z DOTNET_ROOT: /usr/share/dotnet -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:26.7441645Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:28.7236268Z With the provided path, there will be 31 files uploaded -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:28.7242076Z Artifact name is valid! -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:28.7243284Z Root directory input is valid! -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:28.8563568Z Beginning upload of artifact content to blob storage -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:28.9436787Z Uploaded bytes 63051 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:28.9559229Z Finished uploading artifact content to blob storage! -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:28.9562732Z SHA256 digest of uploaded artifact zip is 14058fd82db18510f65cf14fef6ede0585b7dac367ab04f98b14346a40363dce -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:28.9564704Z Finalizing artifact upload -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:29.0397111Z Artifact TestingPlatformDiagnosticLogsubuntu-latest.zip successfully finalized. Artifact ID 4126645379 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:29.0398813Z Artifact TestingPlatformDiagnosticLogsubuntu-latest has been successfully uploaded! Final size is 63051 bytes. Artifact ID is 4126645379 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:29.0405526Z Artifact download URL: https://github.com/thomhurst/TUnit/actions/runs/18078685560/artifacts/4126645379 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:29.0599561Z ##[group]Run actions/upload-artifact@v4.6.2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:29.0600088Z with: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:29.0600439Z name: HangDumpubuntu-latest -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:29.0600878Z path: **/hangdump* -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:29.0601262Z if-no-files-found: warn -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:29.0601683Z compression-level: 6 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:29.0602061Z overwrite: false -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:29.0602449Z include-hidden-files: false -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:29.0602863Z env: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:29.0603367Z DOTNET_ROOT: /usr/share/dotnet -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:29.0603798Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:30.8607812Z ##[warning]No files were found with the provided path: **/hangdump*. No artifacts will be uploaded. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:30.8760392Z ##[group]Run actions/upload-artifact@v4.6.2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:30.8760712Z with: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:30.8760919Z name: NuGetPackages-ubuntu-latest -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:30.8761179Z path: **/*.*nupkg -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:30.8761393Z if-no-files-found: warn -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:30.8761614Z compression-level: 6 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:30.8761825Z overwrite: false -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:30.8762035Z include-hidden-files: false -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:30.8762261Z env: -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:30.8762447Z DOTNET_ROOT: /usr/share/dotnet -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:30.8762676Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:32.6832332Z With the provided path, there will be 9 files uploaded -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:32.6838304Z Artifact name is valid! -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:32.6840544Z Root directory input is valid! -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:32.7726077Z Beginning upload of artifact content to blob storage -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:32.8419894Z Uploaded bytes 16399 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:32.8554130Z Finished uploading artifact content to blob storage! -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:32.8557579Z SHA256 digest of uploaded artifact zip is 5636f2dc08a57925725cbae2ffc26f111884b5fc451f809a7d33a70495f76c2e -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:32.8559390Z Finalizing artifact upload -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:32.9320060Z Artifact NuGetPackages-ubuntu-latest.zip successfully finalized. Artifact ID 4126645566 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:32.9321741Z Artifact NuGetPackages-ubuntu-latest has been successfully uploaded! Final size is 16399 bytes. Artifact ID is 4126645566 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:32.9329024Z Artifact download URL: https://github.com/thomhurst/TUnit/actions/runs/18078685560/artifacts/4126645566 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:32.9531975Z Post job cleanup. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:33.2428147Z ##[group]Docker daemon logs -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:33.2433601Z time="2025-09-28T19:16:28.300475860Z" level=info msg="Starting up" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:33.2434779Z time="2025-09-28T19:16:28.301271001Z" level=info msg="OTEL tracing is not configured, using no-op tracer provider" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:33.2436458Z time="2025-09-28T19:16:28.301399420Z" level=info msg="CDI directory does not exist, skipping: failed to monitor for changes: no such file or directory" dir=/etc/cdi -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:33.2438464Z time="2025-09-28T19:16:28.301429335Z" level=info msg="CDI directory does not exist, skipping: failed to monitor for changes: no such file or directory" dir=/var/run/cdi -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:33.2440442Z time="2025-09-28T19:16:28.301542877Z" level=info msg="detected 127.0.0.53 nameserver, assuming systemd-resolved, so using resolv.conf: /run/systemd/resolve/resolv.conf" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:33.2441574Z time="2025-09-28T19:16:28.309270346Z" level=info msg="Creating a containerd client" address=/run/containerd/containerd.sock timeout=1m0s -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:33.2442310Z time="2025-09-28T19:16:31.282292035Z" level=info msg="Loading containers: start." -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:33.2443467Z time="2025-09-28T19:16:31.693233055Z" level=info msg="Loading containers: done." -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:33.2445721Z time="2025-09-28T19:16:31.703150889Z" level=warning msg="Not using native diff for overlay2, this may cause degraded performance for building images: kernel has CONFIG_OVERLAY_FS_REDIRECT_DIR enabled" storage-driver=overlay2 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:33.2448006Z time="2025-09-28T19:16:31.703225197Z" level=info msg="Docker daemon" commit=249d679 containerd-snapshotter=false storage-driver=overlay2 version=28.4.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:33.2449376Z time="2025-09-28T19:16:31.703347996Z" level=info msg="Initializing buildkit" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:33.2450367Z time="2025-09-28T19:16:31.727378767Z" level=info msg="Completed buildkit initialization" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:33.2451420Z time="2025-09-28T19:16:31.732483668Z" level=info msg="Daemon has completed initialization" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:33.2452721Z time="2025-09-28T19:16:31.732541959Z" level=info msg="API listen on /home/runner/setup-docker-action-a7e02268/docker.sock" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:33.2453691Z -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:33.2454158Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:33.2454794Z ##[group]Stopping Docker daemon -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:33.2514546Z [command]/usr/bin/sudo kill -s SIGTERM 3252 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.2734032Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.2734749Z ##[group]Removing Docker context -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.2760149Z [command]/opt/hostedtoolcache/docker-archive-stable/28.4.0/x64/docker context rm -f setup-docker-action -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.2914473Z setup-docker-action -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.2925809Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.2926415Z ##[group]Cleaning up runDir -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.2945754Z [command]/usr/bin/sudo rm -rf /home/runner/setup-docker-action-a7e02268 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.3080520Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.3081131Z ##[group]Cleaning up toolDir -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.3081977Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.3083760Z ##[group]Post cache -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.3085746Z State not set -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.3086432Z ##[endgroup] -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.3243481Z Post job cleanup. -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.4089317Z [command]/usr/bin/git version -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.4125152Z git version 2.51.0 -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.4165161Z Temporarily overriding HOME='/home/runner/work/_temp/9feb9669-cda3-4565-888a-86e2cdef5fcd' before making global git config changes -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.4166605Z Adding repository directory to the temporary git global config as a safe directory -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.4171148Z [command]/usr/bin/git config --global --add safe.directory /home/runner/work/TUnit/TUnit -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.4207641Z [command]/usr/bin/git config --local --name-only --get-regexp core\.sshCommand -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.4240838Z [command]/usr/bin/git submodule foreach --recursive sh -c "git config --local --name-only --get-regexp 'core\.sshCommand' && git config --local --unset-all 'core.sshCommand' || :" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.4530260Z [command]/usr/bin/git config --local --name-only --get-regexp http\.https\:\/\/github\.com\/\.extraheader -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.4553266Z http.https://github.com/.extraheader -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.4563597Z [command]/usr/bin/git config --local --unset-all http.https://github.com/.extraheader -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.4597885Z [command]/usr/bin/git submodule foreach --recursive sh -c "git config --local --name-only --get-regexp 'http\.https\:\/\/github\.com\/\.extraheader' && git config --local --unset-all 'http.https://github.com/.extraheader' || :" -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.4945429Z Cleaning up orphan processes -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.5319075Z Terminate orphan process: pid (7284) (dotnet) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.5339592Z Terminate orphan process: pid (7285) (dotnet) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.5359376Z Terminate orphan process: pid (7286) (dotnet) -modularpipeline (ubuntu-latest) UNKNOWN STEP 2025-09-28T19:26:38.5388466Z Terminate orphan process: pid (7394) (dotnet) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6102380Z Current runner version: '2.328.0' -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6116410Z ##[group]Runner Image Provisioner -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6116920Z Hosted Compute Agent -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6117310Z Version: 20250912.392 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6117720Z Commit: d921fda672a98b64f4f82364647e2f10b2267d0b -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6118170Z Build Date: 2025-09-12T15:23:14Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6118560Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6118900Z ##[group]Operating System -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6119250Z macOS -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6119540Z 15.6.1 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6119850Z 24G90 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6120160Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6120480Z ##[group]Runner Image -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6120830Z Image: macos-15-arm64 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6121170Z Version: 20250922.2357 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6121900Z Included Software: https://github.com/actions/runner-images/blob/macos-15-arm64/20250922.2357/images/macos/macos-15-arm64-Readme.md -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6122960Z Image Release: https://github.com/actions/runner-images/releases/tag/macos-15-arm64%2F20250922.2357 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6123600Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6125120Z ##[group]GITHUB_TOKEN Permissions -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6126140Z Actions: write -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6126460Z Attestations: write -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6126770Z Checks: write -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6127180Z Contents: write -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6127520Z Deployments: write -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6127870Z Discussions: write -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6128240Z Issues: write -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6128540Z Metadata: read -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6128850Z Models: read -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6129160Z Packages: write -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6129470Z Pages: write -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6129780Z PullRequests: write -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6130130Z RepositoryProjects: write -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6130480Z SecurityEvents: write -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6130870Z Statuses: write -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6131180Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6132490Z Secret source: Actions -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6132880Z Prepare workflow directory -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6343050Z Prepare all required actions -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:15:59.6368930Z Getting action download info -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:00.0261410Z Download action repository 'actions/checkout@v5' (SHA:08c6903cd8c0fde910a37f88322edcfb5dd907a8) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:00.4329180Z Download action repository 'microsoft/setup-msbuild@v2' (SHA:6fb02220983dee41ce7ae257b6f4d8f9bf5ed4ce) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:01.3987830Z Download action repository 'actions/setup-dotnet@v5' (SHA:d4c94342e560b34958eacfc5d055d21461ed1c5d) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:02.5096610Z Download action repository 'docker/setup-docker-action@v4.3.0' (SHA:b60f85385d03ac8acfca6d9996982511d8620a19) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:03.6656100Z Download action repository 'actions/upload-artifact@v4.6.2' (SHA:ea165f8d65b6e75b540449e92b4886f43607fa02) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:03.8267220Z Complete job name: modularpipeline (macos-latest) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:03.8620900Z ##[group]Run actions/checkout@v5 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:03.8621210Z with: -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:03.8621330Z fetch-depth: 0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:03.8621470Z repository: thomhurst/TUnit -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:03.8621710Z token: *** -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:03.8621870Z ssh-strict: true -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:03.8622000Z ssh-user: git -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:03.8622140Z persist-credentials: true -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:03.8622290Z clean: true -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:03.8622440Z sparse-checkout-cone-mode: true -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:03.8622610Z fetch-tags: false -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:03.8622740Z show-progress: true -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:03.8622960Z lfs: false -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:03.8623080Z submodules: false -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:03.8623220Z set-safe-directory: true -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:03.8623470Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2044850Z Syncing repository: thomhurst/TUnit -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2046180Z ##[group]Getting Git version info -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2046530Z Working directory is '/Users/runner/work/TUnit/TUnit' -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2047080Z [command]/opt/homebrew/bin/git version -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2541020Z git version 2.50.1 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2552470Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2559640Z Copying '/Users/runner/.gitconfig' to '/Users/runner/work/_temp/9e813d7b-16d7-4e09-95d1-df279ec1a04f/.gitconfig' -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2564350Z Temporarily overriding HOME='/Users/runner/work/_temp/9e813d7b-16d7-4e09-95d1-df279ec1a04f' before making global git config changes -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2565110Z Adding repository directory to the temporary git global config as a safe directory -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2571160Z [command]/opt/homebrew/bin/git config --global --add safe.directory /Users/runner/work/TUnit/TUnit -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2678380Z Deleting the contents of '/Users/runner/work/TUnit/TUnit' -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2681340Z ##[group]Initializing the repository -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2683300Z [command]/opt/homebrew/bin/git init /Users/runner/work/TUnit/TUnit -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2876090Z hint: Using 'master' as the name for the initial branch. This default branch name -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2881620Z hint: is subject to change. To configure the initial branch name to use in all -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2882300Z hint: of your new repositories, which will suppress this warning, call: -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2882790Z hint: -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2884190Z hint: git config --global init.defaultBranch -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2884740Z hint: -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2885130Z hint: Names commonly chosen instead of 'master' are 'main', 'trunk' and -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2885670Z hint: 'development'. The just-created branch can be renamed via this command: -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2885990Z hint: -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2886250Z hint: git branch -m -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2886540Z hint: -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2886910Z hint: Disable this message with "git config set advice.defaultBranchName false" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2887550Z Initialized empty Git repository in /Users/runner/work/TUnit/TUnit/.git/ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2889760Z [command]/opt/homebrew/bin/git remote add origin https://github.com/thomhurst/TUnit -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2956710Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2957240Z ##[group]Disabling automatic garbage collection -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.2959490Z [command]/opt/homebrew/bin/git config --local gc.auto 0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.3020270Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.3020680Z ##[group]Setting up auth -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.3024220Z [command]/opt/homebrew/bin/git config --local --name-only --get-regexp core\.sshCommand -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.3087950Z [command]/opt/homebrew/bin/git submodule foreach --recursive sh -c "git config --local --name-only --get-regexp 'core\.sshCommand' && git config --local --unset-all 'core.sshCommand' || :" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.3883720Z [command]/opt/homebrew/bin/git config --local --name-only --get-regexp http\.https\:\/\/github\.com\/\.extraheader -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.3961840Z [command]/opt/homebrew/bin/git submodule foreach --recursive sh -c "git config --local --name-only --get-regexp 'http\.https\:\/\/github\.com\/\.extraheader' && git config --local --unset-all 'http.https://github.com/.extraheader' || :" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.4646120Z [command]/opt/homebrew/bin/git config --local http.https://github.com/.extraheader AUTHORIZATION: basic *** -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.4710280Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.4711000Z ##[group]Fetching the repository -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:04.4716480Z [command]/opt/homebrew/bin/git -c protocol.version=2 fetch --prune --no-recurse-submodules origin +refs/heads/*:refs/remotes/origin/* +refs/tags/*:refs/tags/* +8f35981a070d719505b06b5581803ac218073bbb:refs/remotes/pull/3227/merge -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1090780Z From https://github.com/thomhurst/TUnit -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1103900Z * [new branch] bug/2679 -> origin/bug/2679 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1114640Z * [new branch] bug/2867 -> origin/bug/2867 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1119590Z * [new branch] bug/2905 -> origin/bug/2905 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1120640Z * [new branch] bug/3184 -> origin/bug/3184 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1121300Z * [new branch] bug/3219 -> origin/bug/3219 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1121920Z * [new branch] copilot/fix-2183 -> origin/copilot/fix-2183 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1123660Z * [new branch] copilot/fix-2504 -> origin/copilot/fix-2504 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1125350Z * [new branch] copilot/fix-2587 -> origin/copilot/fix-2587 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1129160Z * [new branch] copilot/fix-2614 -> origin/copilot/fix-2614 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1129680Z * [new branch] copilot/fix-2615 -> origin/copilot/fix-2615 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1130400Z * [new branch] copilot/fix-2624 -> origin/copilot/fix-2624 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1135650Z * [new branch] copilot/fix-2632 -> origin/copilot/fix-2632 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1136540Z * [new branch] copilot/fix-2647 -> origin/copilot/fix-2647 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1145220Z * [new branch] copilot/fix-2678 -> origin/copilot/fix-2678 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1185250Z * [new branch] copilot/fix-2679 -> origin/copilot/fix-2679 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1190060Z * [new branch] copilot/fix-2734 -> origin/copilot/fix-2734 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1286310Z * [new branch] copilot/fix-2739 -> origin/copilot/fix-2739 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1289100Z * [new branch] copilot/fix-2749 -> origin/copilot/fix-2749 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1289710Z * [new branch] copilot/fix-2756 -> origin/copilot/fix-2756 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1290800Z * [new branch] copilot/fix-2764 -> origin/copilot/fix-2764 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1298470Z * [new branch] copilot/fix-2798 -> origin/copilot/fix-2798 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1330560Z * [new branch] copilot/fix-2804 -> origin/copilot/fix-2804 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1338510Z * [new branch] copilot/fix-2831 -> origin/copilot/fix-2831 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1339520Z * [new branch] copilot/fix-2867 -> origin/copilot/fix-2867 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1341770Z * [new branch] copilot/fix-2893 -> origin/copilot/fix-2893 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1342600Z * [new branch] copilot/fix-2905 -> origin/copilot/fix-2905 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1344230Z * [new branch] copilot/fix-2911 -> origin/copilot/fix-2911 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1378490Z * [new branch] copilot/fix-2938 -> origin/copilot/fix-2938 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1410560Z * [new branch] copilot/fix-2942 -> origin/copilot/fix-2942 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1442350Z * [new branch] copilot/fix-2948 -> origin/copilot/fix-2948 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1442770Z * [new branch] copilot/fix-2951 -> origin/copilot/fix-2951 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1451580Z * [new branch] copilot/fix-2952 -> origin/copilot/fix-2952 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1452400Z * [new branch] copilot/fix-2955 -> origin/copilot/fix-2955 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1454180Z * [new branch] copilot/fix-2958 -> origin/copilot/fix-2958 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1454730Z * [new branch] copilot/fix-2975 -> origin/copilot/fix-2975 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1455210Z * [new branch] copilot/fix-2993 -> origin/copilot/fix-2993 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1456230Z * [new branch] copilot/fix-3001 -> origin/copilot/fix-3001 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1456710Z * [new branch] copilot/fix-3022 -> origin/copilot/fix-3022 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1457160Z * [new branch] copilot/fix-3034 -> origin/copilot/fix-3034 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1458850Z * [new branch] copilot/fix-3044 -> origin/copilot/fix-3044 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1459330Z * [new branch] copilot/fix-3047 -> origin/copilot/fix-3047 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1459880Z * [new branch] copilot/fix-3055 -> origin/copilot/fix-3055 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1462850Z * [new branch] copilot/fix-3059 -> origin/copilot/fix-3059 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1463520Z * [new branch] copilot/fix-3077 -> origin/copilot/fix-3077 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1464090Z * [new branch] copilot/fix-3084 -> origin/copilot/fix-3084 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1468530Z * [new branch] copilot/fix-3123 -> origin/copilot/fix-3123 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1469000Z * [new branch] copilot/fix-3190 -> origin/copilot/fix-3190 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1470250Z * [new branch] copilot/fix-aa4651ed-ee12-46f3-ad32-a9c1bae268bb -> origin/copilot/fix-aa4651ed-ee12-46f3-ad32-a9c1bae268bb -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1471050Z * [new branch] copilot/fix-nested-classdata-source-injection -> origin/copilot/fix-nested-classdata-source-injection -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1472240Z * [new branch] feature/binlog -> origin/feature/binlog -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1472800Z * [new branch] feature/docs-03082025 -> origin/feature/docs-03082025 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1473330Z * [new branch] feature/nested-data-sources-example -> origin/feature/nested-data-sources-example -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1474560Z * [new branch] feature/nunit-migrate -> origin/feature/nunit-migrate -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1475050Z * [new branch] feature/perf-18092025 -> origin/feature/perf-18092025 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1476140Z * [new branch] feature/perf-improvements-07082025 -> origin/feature/perf-improvements-07082025 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1476790Z * [new branch] feature/public-api-analyzers -> origin/feature/public-api-analyzers -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1477420Z * [new branch] feature/readme-025fa7d898464a16b3cfb90d77afcc2a -> origin/feature/readme-025fa7d898464a16b3cfb90d77afcc2a -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1478760Z * [new branch] feature/readme-0e5a16f080aa419d80e4c4fede4a2e54 -> origin/feature/readme-0e5a16f080aa419d80e4c4fede4a2e54 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1480250Z * [new branch] feature/readme-10340a55ace5403893eded767341caf2 -> origin/feature/readme-10340a55ace5403893eded767341caf2 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1481610Z * [new branch] feature/readme-18124280250b4741b33a25981edaf357 -> origin/feature/readme-18124280250b4741b33a25981edaf357 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1484380Z * [new branch] feature/readme-189003f4900d45a38c95afe6dead5a95 -> origin/feature/readme-189003f4900d45a38c95afe6dead5a95 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1485150Z * [new branch] feature/readme-1c9376597bf44482b7c5c0216dc57502 -> origin/feature/readme-1c9376597bf44482b7c5c0216dc57502 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1486650Z * [new branch] feature/readme-2024ea63841141b1a077c5a5bb9143a2 -> origin/feature/readme-2024ea63841141b1a077c5a5bb9143a2 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1487390Z * [new branch] feature/readme-2bdd11d592144c66be27ab5ad445ae7b -> origin/feature/readme-2bdd11d592144c66be27ab5ad445ae7b -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1489700Z * [new branch] feature/readme-341eb879eca946248157b98a45c88128 -> origin/feature/readme-341eb879eca946248157b98a45c88128 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1491260Z * [new branch] feature/readme-3981b39d10d84a0586bc9c0878934a83 -> origin/feature/readme-3981b39d10d84a0586bc9c0878934a83 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1499520Z * [new branch] feature/readme-3ba3f78e5fa645c88101a9bd4f75c3e2 -> origin/feature/readme-3ba3f78e5fa645c88101a9bd4f75c3e2 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1500300Z * [new branch] feature/readme-3ccb5d76db9047f7ac2c04c39db574a0 -> origin/feature/readme-3ccb5d76db9047f7ac2c04c39db574a0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1503430Z * [new branch] feature/readme-47b0f5c4e4264fbc9b47857a877d392e -> origin/feature/readme-47b0f5c4e4264fbc9b47857a877d392e -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1504440Z * [new branch] feature/readme-4ae54e6f389a4fbfad0ad9862ba43ffc -> origin/feature/readme-4ae54e6f389a4fbfad0ad9862ba43ffc -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1505950Z * [new branch] feature/readme-4df15c2638f541ae9225206ec44d70d7 -> origin/feature/readme-4df15c2638f541ae9225206ec44d70d7 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1506710Z * [new branch] feature/readme-4e749819dcc84a738d36d65a0ce423fe -> origin/feature/readme-4e749819dcc84a738d36d65a0ce423fe -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1507700Z * [new branch] feature/readme-5b9c968b24eb4e3494488272125269a7 -> origin/feature/readme-5b9c968b24eb4e3494488272125269a7 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1508620Z * [new branch] feature/readme-5c3a10b3a0c14ec6848072d9fe9849da -> origin/feature/readme-5c3a10b3a0c14ec6848072d9fe9849da -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1509390Z * [new branch] feature/readme-62d5a19113cb49ad938fa05ccae3ab9e -> origin/feature/readme-62d5a19113cb49ad938fa05ccae3ab9e -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1510180Z * [new branch] feature/readme-6fb7dfc1ba6741ce929d47e7f72fa2c9 -> origin/feature/readme-6fb7dfc1ba6741ce929d47e7f72fa2c9 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1510880Z * [new branch] feature/readme-82a00b69a395487da2e03a505e755261 -> origin/feature/readme-82a00b69a395487da2e03a505e755261 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1511610Z * [new branch] feature/readme-83b6d21c2a4a4780b9b4456b806ffde7 -> origin/feature/readme-83b6d21c2a4a4780b9b4456b806ffde7 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1512440Z * [new branch] feature/readme-966440d5ee204dd8b5ff6d6c7bc58f51 -> origin/feature/readme-966440d5ee204dd8b5ff6d6c7bc58f51 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1513220Z * [new branch] feature/readme-a1536e4212154ff38839e5bcb679addb -> origin/feature/readme-a1536e4212154ff38839e5bcb679addb -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1513920Z * [new branch] feature/readme-c72d985b36a24613868d7544fcc65894 -> origin/feature/readme-c72d985b36a24613868d7544fcc65894 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1517600Z * [new branch] feature/readme-d55308a89a9841008542883b7d4f8e2e -> origin/feature/readme-d55308a89a9841008542883b7d4f8e2e -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1518490Z * [new branch] feature/readme-e9c977f0427a4aa2a7abcb81ad9992ce -> origin/feature/readme-e9c977f0427a4aa2a7abcb81ad9992ce -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1521740Z * [new branch] feature/readme-f2065936f06a4dab93f346bafaa4c8cd -> origin/feature/readme-f2065936f06a4dab93f346bafaa4c8cd -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1523280Z * [new branch] feature/readme-facd1d8033334669afdbdde1ba3c133b -> origin/feature/readme-facd1d8033334669afdbdde1ba3c133b -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1524310Z * [new branch] feature/readme-fb024884403a47ecb14e09b658289c79 -> origin/feature/readme-fb024884403a47ecb14e09b658289c79 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1525340Z * [new branch] feature/readme-fcfe78e45230433391a97d9e3df4a1a2 -> origin/feature/readme-fcfe78e45230433391a97d9e3df4a1a2 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1526070Z * [new branch] feature/readme-fd306fac7b404bdda172da52c72a6a97 -> origin/feature/readme-fd306fac7b404bdda172da52c72a6a97 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1526850Z * [new branch] feature/refactor-engine-tests -> origin/feature/refactor-engine-tests -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1527830Z * [new branch] feature/source-gen-nested-data-generator-properties -> origin/feature/source-gen-nested-data-generator-properties -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1528800Z * [new branch] feature/test-context -> origin/feature/test-context -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1529720Z * [new branch] feature/unified-test-builde -> origin/feature/unified-test-builde -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1530920Z * [new branch] feature/unified-test-builder-2 -> origin/feature/unified-test-builder-2 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1531520Z * [new branch] feature/unified-test-builder-backup -> origin/feature/unified-test-builder-backup -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1532170Z * [new branch] feature/xunit-itestoutputhelper-analyzer -> origin/feature/xunit-itestoutputhelper-analyzer -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1533100Z * [new branch] fix-class-setup-teardown-ordering -> origin/fix-class-setup-teardown-ordering -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1533780Z * [new branch] fix-test-discovery-project-name-issue-3047 -> origin/fix-test-discovery-project-name-issue-3047 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1534330Z * [new branch] fix/dispose -> origin/fix/dispose -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1535090Z * [new branch] gh-pages -> origin/gh-pages -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1535510Z * [new branch] main -> origin/main -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1536080Z * [new branch] performance/engine-scheduling-optimizations -> origin/performance/engine-scheduling-optimizations -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1537050Z * [new branch] refactor/simplify-assertion-architecture -> origin/refactor/simplify-assertion-architecture -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1537880Z * [new branch] remove-namespace-and-append-guid-to-AssemblyLoader -> origin/remove-namespace-and-append-guid-to-AssemblyLoader -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1538600Z * [new branch] trx-only-if-enabled -> origin/trx-only-if-enabled -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1539090Z * [new tag] v0.0.1 -> v0.0.1 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1539510Z * [new tag] v0.1.1020 -> v0.1.1020 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1539900Z * [new tag] v0.1.1021 -> v0.1.1021 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1540330Z * [new tag] v0.1.1023 -> v0.1.1023 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1540780Z * [new tag] v0.1.1063 -> v0.1.1063 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1541160Z * [new tag] v0.1.1097 -> v0.1.1097 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1541540Z * [new tag] v0.1.442 -> v0.1.442 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1542010Z * [new tag] v0.1.601-alpha01 -> v0.1.601-alpha01 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1542530Z * [new tag] v0.1.605 -> v0.1.605 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1542980Z * [new tag] v0.1.606 -> v0.1.606 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1543390Z * [new tag] v0.1.754 -> v0.1.754 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1543740Z * [new tag] v0.1.755 -> v0.1.755 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1544090Z * [new tag] v0.1.805 -> v0.1.805 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1544430Z * [new tag] v0.1.806 -> v0.1.806 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1544780Z * [new tag] v0.1.813 -> v0.1.813 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1545170Z * [new tag] v0.1.814 -> v0.1.814 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1545520Z * [new tag] v0.1.943 -> v0.1.943 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1545860Z * [new tag] v0.1.998 -> v0.1.998 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1546200Z * [new tag] v0.10.1 -> v0.10.1 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1546640Z * [new tag] v0.10.19 -> v0.10.19 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1547110Z * [new tag] v0.10.24 -> v0.10.24 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1551970Z * [new tag] v0.10.26 -> v0.10.26 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1552320Z * [new tag] v0.10.28 -> v0.10.28 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1552660Z * [new tag] v0.10.33 -> v0.10.33 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1553010Z * [new tag] v0.10.4 -> v0.10.4 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1553680Z * [new tag] v0.10.6 -> v0.10.6 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1554040Z * [new tag] v0.11.0 -> v0.11.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1554480Z * [new tag] v0.12.0 -> v0.12.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1554920Z * [new tag] v0.12.11 -> v0.12.11 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1555270Z * [new tag] v0.12.13 -> v0.12.13 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1555620Z * [new tag] v0.12.14 -> v0.12.14 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1556010Z * [new tag] v0.12.17 -> v0.12.17 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1556350Z * [new tag] v0.12.21 -> v0.12.21 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1556710Z * [new tag] v0.12.23 -> v0.12.23 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1557070Z * [new tag] v0.12.25 -> v0.12.25 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1557410Z * [new tag] v0.12.6 -> v0.12.6 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1557750Z * [new tag] v0.13.0 -> v0.13.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1558210Z * [new tag] v0.13.13 -> v0.13.13 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1558580Z * [new tag] v0.13.15 -> v0.13.15 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1559090Z * [new tag] v0.13.18 -> v0.13.18 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1559420Z * [new tag] v0.13.19 -> v0.13.19 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1559770Z * [new tag] v0.13.20 -> v0.13.20 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1560110Z * [new tag] v0.13.23 -> v0.13.23 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1560440Z * [new tag] v0.13.25 -> v0.13.25 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1560780Z * [new tag] v0.13.3 -> v0.13.3 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1561150Z * [new tag] v0.13.9 -> v0.13.9 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1607830Z * [new tag] v0.14.0 -> v0.14.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1661490Z * [new tag] v0.14.10 -> v0.14.10 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1726380Z * [new tag] v0.14.13 -> v0.14.13 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1782390Z * [new tag] v0.14.14 -> v0.14.14 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1783500Z * [new tag] v0.14.17 -> v0.14.17 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1785080Z * [new tag] v0.14.18 -> v0.14.18 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1786680Z * [new tag] v0.14.6 -> v0.14.6 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1788030Z * [new tag] v0.14.7 -> v0.14.7 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1789410Z * [new tag] v0.15.1 -> v0.15.1 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1791480Z * [new tag] v0.15.18 -> v0.15.18 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1792560Z * [new tag] v0.15.3 -> v0.15.3 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1793980Z * [new tag] v0.15.30 -> v0.15.30 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1795440Z * [new tag] v0.16.1 -> v0.16.1 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1796860Z * [new tag] v0.16.11 -> v0.16.11 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1799580Z * [new tag] v0.16.13 -> v0.16.13 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1800500Z * [new tag] v0.16.22 -> v0.16.22 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1801770Z * [new tag] v0.16.23 -> v0.16.23 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1805310Z * [new tag] v0.16.28 -> v0.16.28 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1805880Z * [new tag] v0.16.3 -> v0.16.3 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1806840Z * [new tag] v0.16.36 -> v0.16.36 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1842960Z * [new tag] v0.16.4 -> v0.16.4 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1843440Z * [new tag] v0.16.42 -> v0.16.42 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1844360Z * [new tag] v0.16.45 -> v0.16.45 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1844990Z * [new tag] v0.16.47 -> v0.16.47 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1845640Z * [new tag] v0.16.49 -> v0.16.49 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1846380Z * [new tag] v0.16.50 -> v0.16.50 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1867880Z * [new tag] v0.16.54 -> v0.16.54 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1868310Z * [new tag] v0.16.56 -> v0.16.56 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1868650Z * [new tag] v0.16.6 -> v0.16.6 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1869230Z * [new tag] v0.16.8 -> v0.16.8 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1870150Z * [new tag] v0.17.0 -> v0.17.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1885070Z * [new tag] v0.17.11 -> v0.17.11 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1885570Z * [new tag] v0.17.12 -> v0.17.12 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1886520Z * [new tag] v0.17.14 -> v0.17.14 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1887670Z * [new tag] v0.17.3 -> v0.17.3 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1888100Z * [new tag] v0.17.8 -> v0.17.8 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1888430Z * [new tag] v0.18.0 -> v0.18.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1889000Z * [new tag] v0.18.16 -> v0.18.16 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1890030Z * [new tag] v0.18.17 -> v0.18.17 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1890550Z * [new tag] v0.18.21 -> v0.18.21 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1891210Z * [new tag] v0.18.23 -> v0.18.23 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1891590Z * [new tag] v0.18.24 -> v0.18.24 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1892120Z * [new tag] v0.18.25 -> v0.18.25 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1892910Z * [new tag] v0.18.26 -> v0.18.26 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1896580Z * [new tag] v0.18.33 -> v0.18.33 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1897400Z * [new tag] v0.18.40 -> v0.18.40 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1897800Z * [new tag] v0.18.45 -> v0.18.45 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1898260Z * [new tag] v0.18.52 -> v0.18.52 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1903590Z * [new tag] v0.18.60 -> v0.18.60 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1904860Z * [new tag] v0.18.9 -> v0.18.9 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1906000Z * [new tag] v0.19.0 -> v0.19.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1907620Z * [new tag] v0.19.10 -> v0.19.10 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1908180Z * [new tag] v0.19.112 -> v0.19.112 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1909220Z * [new tag] v0.19.116 -> v0.19.116 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1909710Z * [new tag] v0.19.117 -> v0.19.117 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1910480Z * [new tag] v0.19.136 -> v0.19.136 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1910810Z * [new tag] v0.19.14 -> v0.19.14 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1911290Z * [new tag] v0.19.140 -> v0.19.140 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1911920Z * [new tag] v0.19.143 -> v0.19.143 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1914770Z * [new tag] v0.19.148 -> v0.19.148 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1915170Z * [new tag] v0.19.150 -> v0.19.150 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1915510Z * [new tag] v0.19.151 -> v0.19.151 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1916420Z * [new tag] v0.19.17 -> v0.19.17 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1916840Z * [new tag] v0.19.2 -> v0.19.2 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1917420Z * [new tag] v0.19.24 -> v0.19.24 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1918180Z * [new tag] v0.19.25 -> v0.19.25 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1918550Z * [new tag] v0.19.32 -> v0.19.32 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1919310Z * [new tag] v0.19.4 -> v0.19.4 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1920030Z * [new tag] v0.19.52 -> v0.19.52 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1920360Z * [new tag] v0.19.6 -> v0.19.6 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1921300Z * [new tag] v0.19.64 -> v0.19.64 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1921640Z * [new tag] v0.19.74 -> v0.19.74 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1922090Z * [new tag] v0.19.81 -> v0.19.81 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1922790Z * [new tag] v0.19.82 -> v0.19.82 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1923120Z * [new tag] v0.19.83 -> v0.19.83 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1924250Z * [new tag] v0.19.84 -> v0.19.84 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1929000Z * [new tag] v0.19.86 -> v0.19.86 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1929880Z * [new tag] v0.2.120 -> v0.2.120 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1930280Z * [new tag] v0.2.121 -> v0.2.121 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1930800Z * [new tag] v0.2.122 -> v0.2.122 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1931430Z * [new tag] v0.2.2 -> v0.2.2 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1932140Z * [new tag] v0.2.212 -> v0.2.212 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1955950Z * [new tag] v0.2.213 -> v0.2.213 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1967730Z * [new tag] v0.2.3 -> v0.2.3 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1977200Z * [new tag] v0.2.4 -> v0.2.4 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1978970Z * [new tag] v0.2.56 -> v0.2.56 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1979800Z * [new tag] v0.2.57 -> v0.2.57 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1980720Z * [new tag] v0.20.0 -> v0.20.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1981050Z * [new tag] v0.20.11 -> v0.20.11 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1982060Z * [new tag] v0.20.16 -> v0.20.16 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1982410Z * [new tag] v0.20.17 -> v0.20.17 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1982880Z * [new tag] v0.20.18 -> v0.20.18 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1983930Z * [new tag] v0.20.19 -> v0.20.19 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1984500Z * [new tag] v0.20.19-PullRequest2405.0 -> v0.20.19-PullRequest2405.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1993120Z * [new tag] v0.20.20 -> v0.20.20 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1994130Z * [new tag] v0.20.21 -> v0.20.21 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1994570Z * [new tag] v0.20.21-PullRequest2406.0 -> v0.20.21-PullRequest2406.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1998870Z * [new tag] v0.20.22 -> v0.20.22 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.1999410Z * [new tag] v0.20.22-PullRequest2408.0 -> v0.20.22-PullRequest2408.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2000440Z * [new tag] v0.20.22-PullRequest2409.0 -> v0.20.22-PullRequest2409.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2000990Z * [new tag] v0.20.23 -> v0.20.23 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2001980Z * [new tag] v0.20.23-PullRequest2409.0 -> v0.20.23-PullRequest2409.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2002710Z * [new tag] v0.20.24-PullRequest2407.0 -> v0.20.24-PullRequest2407.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2003520Z * [new tag] v0.20.25-PullRequest2411.0 -> v0.20.25-PullRequest2411.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2004950Z * [new tag] v0.20.25-PullRequest2412.0 -> v0.20.25-PullRequest2412.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2079830Z * [new tag] v0.20.4 -> v0.20.4 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2081000Z * [new tag] v0.21.0 -> v0.21.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2081410Z * [new tag] v0.21.1 -> v0.21.1 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2081870Z * [new tag] v0.21.10 -> v0.21.10 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2107750Z * [new tag] v0.21.11 -> v0.21.11 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2108720Z * [new tag] v0.21.13 -> v0.21.13 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2109310Z * [new tag] v0.21.14 -> v0.21.14 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2110000Z * [new tag] v0.21.15 -> v0.21.15 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2110410Z * [new tag] v0.21.16 -> v0.21.16 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2133460Z * [new tag] v0.21.17 -> v0.21.17 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2134160Z * [new tag] v0.21.18 -> v0.21.18 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2134530Z * [new tag] v0.21.19 -> v0.21.19 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2134980Z * [new tag] v0.21.2 -> v0.21.2 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2135620Z * [new tag] v0.21.20 -> v0.21.20 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2135990Z * [new tag] v0.21.21 -> v0.21.21 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2136430Z * [new tag] v0.21.22 -> v0.21.22 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2137820Z * [new tag] v0.21.23 -> v0.21.23 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2138150Z * [new tag] v0.21.3 -> v0.21.3 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2138470Z * [new tag] v0.21.4 -> v0.21.4 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2139390Z * [new tag] v0.21.4-PullRequest2413.0 -> v0.21.4-PullRequest2413.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2139980Z * [new tag] v0.21.6 -> v0.21.6 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2140470Z * [new tag] v0.21.7 -> v0.21.7 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2141230Z * [new tag] v0.21.8 -> v0.21.8 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2141550Z * [new tag] v0.21.9 -> v0.21.9 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2141870Z * [new tag] v0.22.0 -> v0.22.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2142260Z * [new tag] v0.22.1 -> v0.22.1 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2142870Z * [new tag] v0.22.10 -> v0.22.10 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2143230Z * [new tag] v0.22.11 -> v0.22.11 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2143680Z * [new tag] v0.22.12 -> v0.22.12 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2144290Z * [new tag] v0.22.13 -> v0.22.13 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2144660Z * [new tag] v0.22.14 -> v0.22.14 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2144970Z * [new tag] v0.22.15 -> v0.22.15 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2145570Z * [new tag] v0.22.16 -> v0.22.16 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2145940Z * [new tag] v0.22.17 -> v0.22.17 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2147170Z * [new tag] v0.22.18 -> v0.22.18 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2147810Z * [new tag] v0.22.19 -> v0.22.19 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2148190Z * [new tag] v0.22.2 -> v0.22.2 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2148630Z * [new tag] v0.22.20 -> v0.22.20 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2149250Z * [new tag] v0.22.21 -> v0.22.21 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2149610Z * [new tag] v0.22.22 -> v0.22.22 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2150050Z * [new tag] v0.22.23 -> v0.22.23 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2150690Z * [new tag] v0.22.24 -> v0.22.24 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2151110Z * [new tag] v0.22.25 -> v0.22.25 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2151550Z * [new tag] v0.22.26 -> v0.22.26 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2151930Z * [new tag] v0.22.27 -> v0.22.27 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2152540Z * [new tag] v0.22.28 -> v0.22.28 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2153020Z * [new tag] v0.22.29 -> v0.22.29 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2153630Z * [new tag] v0.22.3 -> v0.22.3 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2154000Z * [new tag] v0.22.30 -> v0.22.30 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2154670Z * [new tag] v0.22.31 -> v0.22.31 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2155230Z * [new tag] v0.22.32 -> v0.22.32 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2156730Z * [new tag] v0.22.34 -> v0.22.34 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2157100Z * [new tag] v0.22.4 -> v0.22.4 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2157540Z * [new tag] v0.22.5 -> v0.22.5 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2158130Z * [new tag] v0.22.6 -> v0.22.6 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2158490Z * [new tag] v0.22.7 -> v0.22.7 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2158930Z * [new tag] v0.22.8 -> v0.22.8 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2159560Z * [new tag] v0.22.9 -> v0.22.9 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2159920Z * [new tag] v0.23.0 -> v0.23.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2160400Z * [new tag] v0.23.1 -> v0.23.1 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2162340Z * [new tag] v0.23.2 -> v0.23.2 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2162690Z * [new tag] v0.23.3 -> v0.23.3 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2163140Z * [new tag] v0.23.4 -> v0.23.4 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2164500Z * [new tag] v0.23.5 -> v0.23.5 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2164820Z * [new tag] v0.23.6 -> v0.23.6 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2165320Z * [new tag] v0.23.7 -> v0.23.7 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2165860Z * [new tag] v0.23.8 -> v0.23.8 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2166210Z * [new tag] v0.24.0 -> v0.24.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2166700Z * [new tag] v0.24.1 -> v0.24.1 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2167240Z * [new tag] v0.24.2 -> v0.24.2 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2167600Z * [new tag] v0.24.3 -> v0.24.3 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2168090Z * [new tag] v0.24.4 -> v0.24.4 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2168620Z * [new tag] v0.24.5 -> v0.24.5 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2169050Z * [new tag] v0.24.6 -> v0.24.6 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2169490Z * [new tag] v0.24.7 -> v0.24.7 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2170150Z * [new tag] v0.24.8 -> v0.24.8 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2170510Z * [new tag] v0.24.9 -> v0.24.9 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2171000Z * [new tag] v0.25.0 -> v0.25.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2172620Z * [new tag] v0.25.1 -> v0.25.1 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2172960Z * [new tag] v0.25.10 -> v0.25.10 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2173330Z * [new tag] v0.25.100 -> v0.25.100 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2173900Z * [new tag] v0.25.101 -> v0.25.101 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2174340Z * [new tag] v0.25.102 -> v0.25.102 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2174710Z * [new tag] v0.25.103 -> v0.25.103 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2175350Z * [new tag] v0.25.104 -> v0.25.104 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2175750Z * [new tag] v0.25.105 -> v0.25.105 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2176350Z * [new tag] v0.25.106 -> v0.25.106 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2176710Z * [new tag] v0.25.107 -> v0.25.107 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2177170Z * [new tag] v0.25.108 -> v0.25.108 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2177770Z * [new tag] v0.25.109 -> v0.25.109 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2178190Z * [new tag] v0.25.11 -> v0.25.11 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2178640Z * [new tag] v0.25.110 -> v0.25.110 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2179630Z * [new tag] v0.25.111 -> v0.25.111 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2180160Z * [new tag] v0.25.112 -> v0.25.112 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2180840Z * [new tag] v0.25.113 -> v0.25.113 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2182090Z * [new tag] v0.25.114 -> v0.25.114 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2182810Z * [new tag] v0.25.115 -> v0.25.115 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2183180Z * [new tag] v0.25.116 -> v0.25.116 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2183550Z * [new tag] v0.25.117 -> v0.25.117 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2184110Z * [new tag] v0.25.118 -> v0.25.118 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2184480Z * [new tag] v0.25.119 -> v0.25.119 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2184850Z * [new tag] v0.25.12 -> v0.25.12 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2185410Z * [new tag] v0.25.120 -> v0.25.120 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2185780Z * [new tag] v0.25.121 -> v0.25.121 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2186150Z * [new tag] v0.25.122 -> v0.25.122 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2186700Z * [new tag] v0.25.123 -> v0.25.123 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2187070Z * [new tag] v0.25.124 -> v0.25.124 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2187850Z * [new tag] v0.25.125 -> v0.25.125 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2188220Z * [new tag] v0.25.126 -> v0.25.126 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2189200Z * [new tag] v0.25.127 -> v0.25.127 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2189940Z * [new tag] v0.25.128 -> v0.25.128 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2190260Z * [new tag] v0.25.129 -> v0.25.129 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2190640Z * [new tag] v0.25.13 -> v0.25.13 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2191100Z * [new tag] v0.25.130 -> v0.25.130 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2192860Z * [new tag] v0.25.131 -> v0.25.131 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2193660Z * [new tag] v0.25.132 -> v0.25.132 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2193980Z * [new tag] v0.25.134 -> v0.25.134 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2194500Z * [new tag] v0.25.135 -> v0.25.135 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2195120Z * [new tag] v0.25.14 -> v0.25.14 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2195610Z * [new tag] v0.25.15 -> v0.25.15 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2196230Z * [new tag] v0.25.16 -> v0.25.16 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2196590Z * [new tag] v0.25.17 -> v0.25.17 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2196960Z * [new tag] v0.25.18 -> v0.25.18 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2197420Z * [new tag] v0.25.19 -> v0.25.19 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2198090Z * [new tag] v0.25.2 -> v0.25.2 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2198450Z * [new tag] v0.25.20 -> v0.25.20 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2222560Z * [new tag] v0.25.21 -> v0.25.21 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2223010Z * [new tag] v0.25.22 -> v0.25.22 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2223630Z * [new tag] v0.25.23 -> v0.25.23 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2224000Z * [new tag] v0.25.24 -> v0.25.24 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2224430Z * [new tag] v0.25.25 -> v0.25.25 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2225040Z * [new tag] v0.25.26 -> v0.25.26 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2225410Z * [new tag] v0.25.27 -> v0.25.27 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2225860Z * [new tag] v0.25.28 -> v0.25.28 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2226240Z * [new tag] v0.25.29 -> v0.25.29 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2226800Z * [new tag] v0.25.3 -> v0.25.3 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2229310Z * [new tag] v0.25.30 -> v0.25.30 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2230350Z * [new tag] v0.25.31 -> v0.25.31 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2230880Z * [new tag] v0.25.32 -> v0.25.32 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2231460Z * [new tag] v0.25.33 -> v0.25.33 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2231850Z * [new tag] v0.25.34 -> v0.25.34 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2232340Z * [new tag] v0.25.35 -> v0.25.35 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2232910Z * [new tag] v0.25.36 -> v0.25.36 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2233280Z * [new tag] v0.25.37 -> v0.25.37 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2233720Z * [new tag] v0.25.38 -> v0.25.38 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2234330Z * [new tag] v0.25.39 -> v0.25.39 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2234690Z * [new tag] v0.25.4 -> v0.25.4 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2235190Z * [new tag] v0.25.40 -> v0.25.40 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2236290Z * [new tag] v0.25.41 -> v0.25.41 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2236720Z * [new tag] v0.25.42 -> v0.25.42 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2237180Z * [new tag] v0.25.43 -> v0.25.43 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2238020Z * [new tag] v0.25.44 -> v0.25.44 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2238500Z * [new tag] v0.25.45 -> v0.25.45 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2239120Z * [new tag] v0.25.46 -> v0.25.46 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2239480Z * [new tag] v0.25.47 -> v0.25.47 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2240080Z * [new tag] v0.25.48 -> v0.25.48 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2240620Z * [new tag] v0.25.49 -> v0.25.49 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2240980Z * [new tag] v0.25.5 -> v0.25.5 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2241400Z * [new tag] v0.25.50 -> v0.25.50 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2242020Z * [new tag] v0.25.51 -> v0.25.51 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2242370Z * [new tag] v0.25.52 -> v0.25.52 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2242790Z * [new tag] v0.25.53 -> v0.25.53 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2243370Z * [new tag] v0.25.54 -> v0.25.54 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2243740Z * [new tag] v0.25.55 -> v0.25.55 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2245210Z * [new tag] v0.25.56 -> v0.25.56 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2245600Z * [new tag] v0.25.57 -> v0.25.57 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2246040Z * [new tag] v0.25.59 -> v0.25.59 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2246690Z * [new tag] v0.25.6 -> v0.25.6 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2247050Z * [new tag] v0.25.60 -> v0.25.60 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2247520Z * [new tag] v0.25.61 -> v0.25.61 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2248070Z * [new tag] v0.25.62 -> v0.25.62 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2248420Z * [new tag] v0.25.63 -> v0.25.63 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2249140Z * [new tag] v0.25.64 -> v0.25.64 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2249500Z * [new tag] v0.25.65 -> v0.25.65 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2249800Z * [new tag] v0.25.66 -> v0.25.66 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2250510Z * [new tag] v0.25.67 -> v0.25.67 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2250870Z * [new tag] v0.25.68 -> v0.25.68 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2251290Z * [new tag] v0.25.69 -> v0.25.69 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2251870Z * [new tag] v0.25.7 -> v0.25.7 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2252230Z * [new tag] v0.25.70 -> v0.25.70 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2253260Z * [new tag] v0.25.71 -> v0.25.71 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2254260Z * [new tag] v0.25.72 -> v0.25.72 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2255500Z * [new tag] v0.25.73 -> v0.25.73 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2256880Z * [new tag] v0.25.74 -> v0.25.74 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2258140Z * [new tag] v0.25.75 -> v0.25.75 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2259460Z * [new tag] v0.25.76 -> v0.25.76 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2260760Z * [new tag] v0.25.77 -> v0.25.77 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2262750Z * [new tag] v0.25.8 -> v0.25.8 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2264330Z * [new tag] v0.25.80 -> v0.25.80 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2265890Z * [new tag] v0.25.81 -> v0.25.81 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2267160Z * [new tag] v0.25.82 -> v0.25.82 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2268430Z * [new tag] v0.25.83 -> v0.25.83 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2270660Z * [new tag] v0.25.84 -> v0.25.84 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2271880Z * [new tag] v0.25.85 -> v0.25.85 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2273350Z * [new tag] v0.25.86 -> v0.25.86 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2326280Z * [new tag] v0.25.87 -> v0.25.87 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2379760Z * [new tag] v0.25.88 -> v0.25.88 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2431860Z * [new tag] v0.25.89 -> v0.25.89 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2489380Z * [new tag] v0.25.9 -> v0.25.9 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2559640Z * [new tag] v0.25.90 -> v0.25.90 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2633010Z * [new tag] v0.25.91 -> v0.25.91 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2634410Z * [new tag] v0.25.92 -> v0.25.92 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2636290Z * [new tag] v0.25.93 -> v0.25.93 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2637670Z * [new tag] v0.25.94 -> v0.25.94 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2639190Z * [new tag] v0.25.95 -> v0.25.95 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2640700Z * [new tag] v0.25.96 -> v0.25.96 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2642650Z * [new tag] v0.25.97 -> v0.25.97 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2644130Z * [new tag] v0.25.98 -> v0.25.98 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2645700Z * [new tag] v0.25.99 -> v0.25.99 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2647090Z * [new tag] v0.30.0 -> v0.30.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2648590Z * [new tag] v0.5.33 -> v0.5.33 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2650700Z * [new tag] v0.5.34 -> v0.5.34 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2651850Z * [new tag] v0.50.0 -> v0.50.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2653500Z * [new tag] v0.50.2 -> v0.50.2 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2655040Z * [new tag] v0.50.3 -> v0.50.3 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2656920Z * [new tag] v0.51.0 -> v0.51.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2659010Z * [new tag] v0.51.1 -> v0.51.1 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2661020Z * [new tag] v0.52.0 -> v0.52.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2662470Z * [new tag] v0.52.1 -> v0.52.1 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2663740Z * [new tag] v0.52.10 -> v0.52.10 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2665110Z * [new tag] v0.52.11 -> v0.52.11 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2666400Z * [new tag] v0.52.12 -> v0.52.12 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2667670Z * [new tag] v0.52.13 -> v0.52.13 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2669390Z * [new tag] v0.52.14 -> v0.52.14 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2670720Z * [new tag] v0.52.15 -> v0.52.15 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2672300Z * [new tag] v0.52.16 -> v0.52.16 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2673400Z * [new tag] v0.52.17 -> v0.52.17 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2674640Z * [new tag] v0.52.18 -> v0.52.18 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2676640Z * [new tag] v0.52.19 -> v0.52.19 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2677510Z * [new tag] v0.52.2 -> v0.52.2 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2679520Z * [new tag] v0.52.22 -> v0.52.22 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2680550Z * [new tag] v0.52.23 -> v0.52.23 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2682000Z * [new tag] v0.52.24 -> v0.52.24 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2684230Z * [new tag] v0.52.25 -> v0.52.25 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2685810Z * [new tag] v0.52.26 -> v0.52.26 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2687560Z * [new tag] v0.52.27 -> v0.52.27 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2689590Z * [new tag] v0.52.28 -> v0.52.28 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2690840Z * [new tag] v0.52.29 -> v0.52.29 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2705230Z * [new tag] v0.52.3 -> v0.52.3 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2706500Z * [new tag] v0.52.30 -> v0.52.30 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2707540Z * [new tag] v0.52.31 -> v0.52.31 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2708140Z * [new tag] v0.52.32 -> v0.52.32 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2708670Z * [new tag] v0.52.33 -> v0.52.33 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2709150Z * [new tag] v0.52.34 -> v0.52.34 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2709780Z * [new tag] v0.52.35 -> v0.52.35 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2710440Z * [new tag] v0.52.36 -> v0.52.36 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2714380Z * [new tag] v0.52.37 -> v0.52.37 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2714700Z * [new tag] v0.52.38 -> v0.52.38 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2715130Z * [new tag] v0.52.39 -> v0.52.39 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2715780Z * [new tag] v0.52.4 -> v0.52.4 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2716460Z * [new tag] v0.52.40 -> v0.52.40 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2717140Z * [new tag] v0.52.41 -> v0.52.41 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2717500Z * [new tag] v0.52.42 -> v0.52.42 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2717960Z * [new tag] v0.52.43 -> v0.52.43 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2718540Z * [new tag] v0.52.44 -> v0.52.44 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2719800Z * [new tag] v0.52.45 -> v0.52.45 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2722860Z * [new tag] v0.52.46 -> v0.52.46 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2723890Z * [new tag] v0.52.47 -> v0.52.47 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2725340Z * [new tag] v0.52.48 -> v0.52.48 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2726900Z * [new tag] v0.52.49 -> v0.52.49 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2728280Z * [new tag] v0.52.5 -> v0.52.5 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2729590Z * [new tag] v0.52.50 -> v0.52.50 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2731860Z * [new tag] v0.52.51 -> v0.52.51 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2733680Z * [new tag] v0.52.52 -> v0.52.52 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2754940Z * [new tag] v0.52.53 -> v0.52.53 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2761000Z * [new tag] v0.52.54 -> v0.52.54 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2761310Z * [new tag] v0.52.55 -> v0.52.55 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2774740Z * [new tag] v0.52.56 -> v0.52.56 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2775450Z * [new tag] v0.52.57 -> v0.52.57 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2776030Z * [new tag] v0.52.58 -> v0.52.58 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2776650Z * [new tag] v0.52.59 -> v0.52.59 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2777700Z * [new tag] v0.52.6 -> v0.52.6 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2779350Z * [new tag] v0.52.60 -> v0.52.60 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2780060Z * [new tag] v0.52.61 -> v0.52.61 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2780600Z * [new tag] v0.52.62 -> v0.52.62 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2781040Z * [new tag] v0.52.63 -> v0.52.63 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2781720Z * [new tag] v0.52.64 -> v0.52.64 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2782070Z * [new tag] v0.52.65 -> v0.52.65 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2783300Z * [new tag] v0.52.66 -> v0.52.66 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2783830Z * [new tag] v0.52.67 -> v0.52.67 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2784320Z * [new tag] v0.52.68 -> v0.52.68 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2785030Z * [new tag] v0.52.69 -> v0.52.69 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2785760Z * [new tag] v0.52.7 -> v0.52.7 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2786120Z * [new tag] v0.52.70 -> v0.52.70 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2794610Z * [new tag] v0.52.8 -> v0.52.8 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2795950Z * [new tag] v0.52.9 -> v0.52.9 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2796620Z * [new tag] v0.53.0 -> v0.53.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2797140Z * [new tag] v0.53.1 -> v0.53.1 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2797580Z * [new tag] v0.53.12 -> v0.53.12 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2798720Z * [new tag] v0.53.13 -> v0.53.13 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2799250Z * [new tag] v0.53.2 -> v0.53.2 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2799680Z * [new tag] v0.53.3 -> v0.53.3 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2800470Z * [new tag] v0.53.4 -> v0.53.4 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2801060Z * [new tag] v0.53.6 -> v0.53.6 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2801450Z * [new tag] v0.53.8 -> v0.53.8 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2801900Z * [new tag] v0.53.9 -> v0.53.9 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2802650Z * [new tag] v0.54.0 -> v0.54.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2803010Z * [new tag] v0.54.11 -> v0.54.11 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2803460Z * [new tag] v0.54.3 -> v0.54.3 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2804120Z * [new tag] v0.54.5 -> v0.54.5 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2804490Z * [new tag] v0.54.8 -> v0.54.8 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2806030Z * [new tag] v0.54.9 -> v0.54.9 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2890920Z * [new tag] v0.55.0 -> v0.55.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2891720Z * [new tag] v0.55.1 -> v0.55.1 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2892070Z * [new tag] v0.55.10 -> v0.55.10 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2892360Z * [new tag] v0.55.11 -> v0.55.11 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2892730Z * [new tag] v0.55.13 -> v0.55.13 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2894270Z * [new tag] v0.55.15 -> v0.55.15 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2894580Z * [new tag] v0.55.16 -> v0.55.16 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2894870Z * [new tag] v0.55.18 -> v0.55.18 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2895220Z * [new tag] v0.55.2 -> v0.55.2 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2895510Z * [new tag] v0.55.20 -> v0.55.20 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2895790Z * [new tag] v0.55.21 -> v0.55.21 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2896070Z * [new tag] v0.55.22 -> v0.55.22 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2896550Z * [new tag] v0.55.23 -> v0.55.23 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2896910Z * [new tag] v0.55.24 -> v0.55.24 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2897370Z * [new tag] v0.55.25 -> v0.55.25 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2897710Z * [new tag] v0.55.3 -> v0.55.3 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2898000Z * [new tag] v0.55.4 -> v0.55.4 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2898280Z * [new tag] v0.55.5 -> v0.55.5 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2898640Z * [new tag] v0.55.6 -> v0.55.6 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2899330Z * [new tag] v0.55.9 -> v0.55.9 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2899700Z * [new tag] v0.56.1 -> v0.56.1 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2900160Z * [new tag] v0.56.11 -> v0.56.11 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2900460Z * [new tag] v0.56.2 -> v0.56.2 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2900930Z * [new tag] v0.56.22 -> v0.56.22 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2901230Z * [new tag] v0.56.24 -> v0.56.24 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2901510Z * [new tag] v0.56.27 -> v0.56.27 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2902000Z * [new tag] v0.56.28 -> v0.56.28 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2902360Z * [new tag] v0.56.29 -> v0.56.29 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2903010Z * [new tag] v0.56.30 -> v0.56.30 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2903310Z * [new tag] v0.56.31 -> v0.56.31 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2903600Z * [new tag] v0.56.33 -> v0.56.33 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2904950Z * [new tag] v0.56.35 -> v0.56.35 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2905290Z * [new tag] v0.56.37 -> v0.56.37 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2905580Z * [new tag] v0.56.42 -> v0.56.42 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2905950Z * [new tag] v0.56.43 -> v0.56.43 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2906580Z * [new tag] v0.56.44 -> v0.56.44 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2906920Z * [new tag] v0.56.46 -> v0.56.46 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2907200Z * [new tag] v0.56.47 -> v0.56.47 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2907650Z * [new tag] v0.56.48 -> v0.56.48 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2908280Z * [new tag] v0.56.49 -> v0.56.49 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2908570Z * [new tag] v0.56.5 -> v0.56.5 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2908860Z * [new tag] v0.56.50 -> v0.56.50 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2909140Z * [new tag] v0.56.51 -> v0.56.51 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2909800Z * [new tag] v0.56.52 -> v0.56.52 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2910090Z * [new tag] v0.56.53 -> v0.56.53 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2910380Z * [new tag] v0.57.0 -> v0.57.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2910670Z * [new tag] v0.57.1 -> v0.57.1 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2911020Z * [new tag] v0.57.10 -> v0.57.10 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2911500Z * [new tag] v0.57.11 -> v0.57.11 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2911790Z * [new tag] v0.57.12 -> v0.57.12 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2913080Z * [new tag] v0.57.13 -> v0.57.13 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2916450Z * [new tag] v0.57.14 -> v0.57.14 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2924860Z * [new tag] v0.57.15 -> v0.57.15 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2925180Z * [new tag] v0.57.16 -> v0.57.16 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2925470Z * [new tag] v0.57.17 -> v0.57.17 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2926700Z * [new tag] v0.57.19 -> v0.57.19 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2928990Z * [new tag] v0.57.2 -> v0.57.2 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2930860Z * [new tag] v0.57.20 -> v0.57.20 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2932530Z * [new tag] v0.57.21 -> v0.57.21 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2934350Z * [new tag] v0.57.22 -> v0.57.22 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2936060Z * [new tag] v0.57.23 -> v0.57.23 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2937730Z * [new tag] v0.57.24 -> v0.57.24 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2939900Z * [new tag] v0.57.25 -> v0.57.25 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2941780Z * [new tag] v0.57.26 -> v0.57.26 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2943460Z * [new tag] v0.57.27 -> v0.57.27 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2945120Z * [new tag] v0.57.28 -> v0.57.28 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2946800Z * [new tag] v0.57.29 -> v0.57.29 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2948500Z * [new tag] v0.57.3 -> v0.57.3 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2950780Z * [new tag] v0.57.30 -> v0.57.30 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2952350Z * [new tag] v0.57.31 -> v0.57.31 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2961130Z * [new tag] v0.57.32 -> v0.57.32 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2961460Z * [new tag] v0.57.33 -> v0.57.33 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2962440Z * [new tag] v0.57.34 -> v0.57.34 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2964990Z * [new tag] v0.57.35 -> v0.57.35 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2965290Z * [new tag] v0.57.36 -> v0.57.36 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2966560Z * [new tag] v0.57.37 -> v0.57.37 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2968360Z * [new tag] v0.57.38 -> v0.57.38 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2970210Z * [new tag] v0.57.39 -> v0.57.39 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2971910Z * [new tag] v0.57.4 -> v0.57.4 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2994890Z * [new tag] v0.57.40 -> v0.57.40 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2995220Z * [new tag] v0.57.41 -> v0.57.41 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2995590Z * [new tag] v0.57.42 -> v0.57.42 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2996260Z * [new tag] v0.57.43 -> v0.57.43 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2996560Z * [new tag] v0.57.44 -> v0.57.44 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2996840Z * [new tag] v0.57.45 -> v0.57.45 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2997120Z * [new tag] v0.57.46 -> v0.57.46 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2997500Z * [new tag] v0.57.47 -> v0.57.47 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2998100Z * [new tag] v0.57.48 -> v0.57.48 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.2999750Z * [new tag] v0.57.49 -> v0.57.49 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3001390Z * [new tag] v0.57.5 -> v0.57.5 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3003000Z * [new tag] v0.57.50 -> v0.57.50 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3005140Z * [new tag] v0.57.51 -> v0.57.51 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3006910Z * [new tag] v0.57.52 -> v0.57.52 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3008540Z * [new tag] v0.57.53 -> v0.57.53 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3010160Z * [new tag] v0.57.54 -> v0.57.54 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3011770Z * [new tag] v0.57.55 -> v0.57.55 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3014070Z * [new tag] v0.57.56 -> v0.57.56 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3015810Z * [new tag] v0.57.57 -> v0.57.57 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3017580Z * [new tag] v0.57.58 -> v0.57.58 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3019310Z * [new tag] v0.57.59 -> v0.57.59 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3021220Z * [new tag] v0.57.6 -> v0.57.6 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3022860Z * [new tag] v0.57.60 -> v0.57.60 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3024580Z * [new tag] v0.57.61 -> v0.57.61 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3026890Z * [new tag] v0.57.62 -> v0.57.62 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3028500Z * [new tag] v0.57.63 -> v0.57.63 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3030120Z * [new tag] v0.57.64 -> v0.57.64 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3031810Z * [new tag] v0.57.65 -> v0.57.65 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3033390Z * [new tag] v0.57.66 -> v0.57.66 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3035590Z * [new tag] v0.57.67 -> v0.57.67 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3037370Z * [new tag] v0.57.68 -> v0.57.68 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3039060Z * [new tag] v0.57.69 -> v0.57.69 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3040940Z * [new tag] v0.57.7 -> v0.57.7 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3043970Z * [new tag] v0.57.70 -> v0.57.70 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3045110Z * [new tag] v0.57.71 -> v0.57.71 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3047500Z * [new tag] v0.57.72 -> v0.57.72 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3049310Z * [new tag] v0.57.73 -> v0.57.73 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3050950Z * [new tag] v0.57.74 -> v0.57.74 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3052580Z * [new tag] v0.57.75 -> v0.57.75 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3054240Z * [new tag] v0.57.76 -> v0.57.76 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3056000Z * [new tag] v0.57.77 -> v0.57.77 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3058270Z * [new tag] v0.57.78 -> v0.57.78 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3059680Z * [new tag] v0.57.79 -> v0.57.79 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3061430Z * [new tag] v0.57.8 -> v0.57.8 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3063220Z * [new tag] v0.57.80 -> v0.57.80 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3065900Z * [new tag] v0.57.81 -> v0.57.81 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3067160Z * [new tag] v0.57.82 -> v0.57.82 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3068840Z * [new tag] v0.57.84 -> v0.57.84 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3070550Z * [new tag] v0.57.85 -> v0.57.85 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3072250Z * [new tag] v0.57.86 -> v0.57.86 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3074250Z * [new tag] v0.57.87 -> v0.57.87 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3076000Z * [new tag] v0.57.88 -> v0.57.88 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3079910Z * [new tag] v0.57.9 -> v0.57.9 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3080660Z * [new tag] v0.58.0 -> v0.58.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3085030Z * [new tag] v0.58.1 -> v0.58.1 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3085780Z * [new tag] v0.58.10 -> v0.58.10 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3088810Z * [new tag] v0.58.2 -> v0.58.2 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3090220Z * [new tag] v0.58.3 -> v0.58.3 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3092070Z * [new tag] v0.58.4 -> v0.58.4 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3093540Z * [new tag] v0.58.5 -> v0.58.5 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3095270Z * [new tag] v0.58.6 -> v0.58.6 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3096930Z * [new tag] v0.58.7 -> v0.58.7 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3099180Z * [new tag] v0.58.8 -> v0.58.8 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3100830Z * [new tag] v0.58.9 -> v0.58.9 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3102590Z * [new tag] v0.59.0 -> v0.59.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3104610Z * [new tag] v0.59.1 -> v0.59.1 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3106070Z * [new tag] v0.6.117 -> v0.6.117 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3107530Z * [new tag] v0.6.137 -> v0.6.137 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3111510Z * [new tag] v0.6.139 -> v0.6.139 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3114450Z * [new tag] v0.6.143 -> v0.6.143 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3117070Z * [new tag] v0.6.145 -> v0.6.145 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3119430Z * [new tag] v0.6.151 -> v0.6.151 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3122000Z * [new tag] v0.6.154 -> v0.6.154 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3124470Z * [new tag] v0.6.156 -> v0.6.156 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3127360Z * [new tag] v0.6.159 -> v0.6.159 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3128900Z * [new tag] v0.6.72 -> v0.6.72 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3130790Z * [new tag] v0.60.0 -> v0.60.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3132460Z * [new tag] v0.60.1 -> v0.60.1 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3134400Z * [new tag] v0.60.10 -> v0.60.10 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3136690Z * [new tag] v0.60.11 -> v0.60.11 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3138390Z * [new tag] v0.60.12 -> v0.60.12 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3140140Z * [new tag] v0.60.13 -> v0.60.13 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3141860Z * [new tag] v0.60.14 -> v0.60.14 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3143590Z * [new tag] v0.60.15 -> v0.60.15 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3145330Z * [new tag] v0.60.17 -> v0.60.17 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3147430Z * [new tag] v0.60.18 -> v0.60.18 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3149090Z * [new tag] v0.60.2 -> v0.60.2 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3150720Z * [new tag] v0.60.3 -> v0.60.3 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3152350Z * [new tag] v0.60.4 -> v0.60.4 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3153980Z * [new tag] v0.60.5 -> v0.60.5 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3156150Z * [new tag] v0.60.6 -> v0.60.6 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3157730Z * [new tag] v0.60.7 -> v0.60.7 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3159580Z * [new tag] v0.60.8 -> v0.60.8 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3161540Z * [new tag] v0.61.0 -> v0.61.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3163680Z * [new tag] v0.61.1 -> v0.61.1 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3165370Z * [new tag] v0.61.10 -> v0.61.10 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3167710Z * [new tag] v0.61.11 -> v0.61.11 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3169480Z * [new tag] v0.61.12 -> v0.61.12 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3175740Z * [new tag] v0.61.13 -> v0.61.13 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3176060Z * [new tag] v0.61.14 -> v0.61.14 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3177040Z * [new tag] v0.61.15 -> v0.61.15 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3179220Z * [new tag] v0.61.16 -> v0.61.16 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3181790Z * [new tag] v0.61.17 -> v0.61.17 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3183560Z * [new tag] v0.61.18 -> v0.61.18 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3185710Z * [new tag] v0.61.19 -> v0.61.19 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3187240Z * [new tag] v0.61.2 -> v0.61.2 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3189310Z * [new tag] v0.61.20 -> v0.61.20 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3191610Z * [new tag] v0.61.21 -> v0.61.21 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3193050Z * [new tag] v0.61.22 -> v0.61.22 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3194730Z * [new tag] v0.61.25 -> v0.61.25 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3196550Z * [new tag] v0.61.26 -> v0.61.26 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3198530Z * [new tag] v0.61.27 -> v0.61.27 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3201010Z * [new tag] v0.61.28 -> v0.61.28 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3202950Z * [new tag] v0.61.29 -> v0.61.29 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3204940Z * [new tag] v0.61.3 -> v0.61.3 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3262760Z * [new tag] v0.61.31 -> v0.61.31 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3315660Z * [new tag] v0.61.32 -> v0.61.32 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3378350Z * [new tag] v0.61.33 -> v0.61.33 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3456540Z * [new tag] v0.61.34 -> v0.61.34 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3509670Z * [new tag] v0.61.35 -> v0.61.35 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3511450Z * [new tag] v0.61.36 -> v0.61.36 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3513220Z * [new tag] v0.61.37 -> v0.61.37 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3514980Z * [new tag] v0.61.38 -> v0.61.38 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3516730Z * [new tag] v0.61.39 -> v0.61.39 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3524170Z * [new tag] v0.61.4 -> v0.61.4 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3524530Z * [new tag] v0.61.40 -> v0.61.40 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3525710Z * [new tag] v0.61.41 -> v0.61.41 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3527310Z * [new tag] v0.61.42 -> v0.61.42 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3528860Z * [new tag] v0.61.43 -> v0.61.43 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3531470Z * [new tag] v0.61.44 -> v0.61.44 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3532360Z * [new tag] v0.61.45 -> v0.61.45 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3534130Z * [new tag] v0.61.46 -> v0.61.46 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3535710Z * [new tag] v0.61.47 -> v0.61.47 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3537210Z * [new tag] v0.61.48 -> v0.61.48 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3538750Z * [new tag] v0.61.49 -> v0.61.49 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3540740Z * [new tag] v0.61.5 -> v0.61.5 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3542260Z * [new tag] v0.61.50 -> v0.61.50 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3543780Z * [new tag] v0.61.51 -> v0.61.51 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3545290Z * [new tag] v0.61.52 -> v0.61.52 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3546800Z * [new tag] v0.61.53 -> v0.61.53 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3548190Z * [new tag] v0.61.54 -> v0.61.54 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3550520Z * [new tag] v0.61.6 -> v0.61.6 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3552180Z * [new tag] v0.61.7 -> v0.61.7 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3553820Z * [new tag] v0.61.8 -> v0.61.8 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3555290Z * [new tag] v0.61.9 -> v0.61.9 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3557690Z * [new tag] v0.7.0 -> v0.7.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3559860Z * [new tag] v0.7.1 -> v0.7.1 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3561360Z * [new tag] v0.7.15 -> v0.7.15 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3627470Z * [new tag] v0.7.19 -> v0.7.19 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3627810Z * [new tag] v0.7.2 -> v0.7.2 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3628400Z * [new tag] v0.7.22 -> v0.7.22 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3628710Z * [new tag] v0.7.24 -> v0.7.24 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3629010Z * [new tag] v0.7.3 -> v0.7.3 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3629440Z * [new tag] v0.7.9 -> v0.7.9 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3629740Z * [new tag] v0.8.0 -> v0.8.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3630030Z * [new tag] v0.8.12 -> v0.8.12 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3630310Z * [new tag] v0.8.2 -> v0.8.2 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3630590Z * [new tag] v0.8.4 -> v0.8.4 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3630870Z * [new tag] v0.8.7 -> v0.8.7 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3631150Z * [new tag] v0.8.8 -> v0.8.8 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3631430Z * [new tag] v0.9.0 -> v0.9.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3631700Z * [new tag] v0.9.11 -> v0.9.11 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3631980Z * [new tag] v0.9.2 -> v0.9.2 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3632260Z * [new tag] v0.9.6 -> v0.9.6 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3632540Z * [new tag] v0.9.8 -> v0.9.8 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3632820Z * [new tag] v0.9.9 -> v0.9.9 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3633150Z * [new ref] 8f35981a070d719505b06b5581803ac218073bbb -> pull/3227/merge -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3757200Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3757780Z ##[group]Determining the checkout info -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3758150Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3764360Z [command]/opt/homebrew/bin/git sparse-checkout disable -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3826160Z [command]/opt/homebrew/bin/git config --local --unset-all extensions.worktreeConfig -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3882660Z ##[group]Checking out the ref -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:10.3885720Z [command]/opt/homebrew/bin/git checkout --progress --force refs/remotes/pull/3227/merge -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:11.0376860Z HEAD is now at 8f35981a0 Merge ee651e0549dac8cb59c211ff0b7e2308fde12973 into 730420b8c0c3f15f4315d5cc25b5f1de8c61722c -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:11.0682040Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:11.0985610Z [command]/opt/homebrew/bin/git log -1 --format=%H -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:11.1086620Z 8f35981a070d719505b06b5581803ac218073bbb -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:11.1859290Z ##[group]Run actions/setup-dotnet@v5 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:11.1859480Z with: -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:11.1859610Z dotnet-version: 6.0.x -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:11.1859750Z cache: false -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:11.1859880Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:11.3451650Z (node:14323) [DEP0040] DeprecationWarning: The `punycode` module is deprecated. Please use a userland alternative instead. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:11.3551710Z (Use `node --trace-deprecation ...` to show where the warning was created) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:11.3552340Z [command]/Users/runner/work/_actions/actions/setup-dotnet/v5/externals/install-dotnet.sh --skip-non-versioned-files --runtime dotnet --channel LTS -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:12.1365220Z dotnet-install: .NET Core Runtime with version '8.0.20' is already installed. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:12.1466540Z [command]/Users/runner/work/_actions/actions/setup-dotnet/v5/externals/install-dotnet.sh --skip-non-versioned-files --channel 6.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:12.8507200Z dotnet-install: Attempting to download using aka.ms link https://builds.dotnet.microsoft.com/dotnet/Sdk/6.0.428/dotnet-sdk-6.0.428-osx-arm64.tar.gz -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:16.1429890Z dotnet-install: Remote file https://builds.dotnet.microsoft.com/dotnet/Sdk/6.0.428/dotnet-sdk-6.0.428-osx-arm64.tar.gz size is 181076958 bytes. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:16.1481810Z dotnet-install: Extracting archive from https://builds.dotnet.microsoft.com/dotnet/Sdk/6.0.428/dotnet-sdk-6.0.428-osx-arm64.tar.gz -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:20.6260520Z dotnet-install: Downloaded file size is 181076958 bytes. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:20.6261400Z dotnet-install: The remote and local file sizes are equal. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:20.8446510Z dotnet-install: Installed version is 6.0.428 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:20.8529360Z dotnet-install: Adding to current process PATH: `/Users/runner/.dotnet`. Note: This change will be visible only when sourcing script. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:20.8530550Z dotnet-install: Note that the script does not resolve dependencies during installation. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:20.8531360Z dotnet-install: To check the list of dependencies, go to https://learn.microsoft.com/dotnet/core/install, select your operating system and check the "Dependencies" section. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:20.8532000Z dotnet-install: Installation finished successfully. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:20.8663120Z ##[group]Run actions/setup-dotnet@v5 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:20.8663370Z with: -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:20.8663510Z dotnet-version: 8.0.x -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:20.8663680Z cache: false -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:20.8663810Z env: -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:20.8663950Z DOTNET_ROOT: /Users/runner/.dotnet -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:20.8664150Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:20.9943790Z (node:14671) [DEP0040] DeprecationWarning: The `punycode` module is deprecated. Please use a userland alternative instead. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:20.9944640Z (Use `node --trace-deprecation ...` to show where the warning was created) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:20.9967500Z [command]/Users/runner/work/_actions/actions/setup-dotnet/v5/externals/install-dotnet.sh --skip-non-versioned-files --runtime dotnet --channel LTS -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:21.5844230Z dotnet-install: .NET Core Runtime with version '8.0.20' is already installed. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:21.5861370Z [command]/Users/runner/work/_actions/actions/setup-dotnet/v5/externals/install-dotnet.sh --skip-non-versioned-files --channel 8.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:22.2414630Z dotnet-install: .NET Core SDK with version '8.0.414' is already installed. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:22.2493340Z ##[group]Run actions/setup-dotnet@v5 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:22.2493530Z with: -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:22.2493670Z dotnet-version: 9.0.x -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:22.2493820Z cache: false -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:22.2494030Z env: -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:22.2494160Z DOTNET_ROOT: /Users/runner/.dotnet -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:22.2494340Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:22.3543840Z (node:14822) [DEP0040] DeprecationWarning: The `punycode` module is deprecated. Please use a userland alternative instead. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:22.3544540Z (Use `node --trace-deprecation ...` to show where the warning was created) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:22.3566540Z [command]/Users/runner/work/_actions/actions/setup-dotnet/v5/externals/install-dotnet.sh --skip-non-versioned-files --runtime dotnet --channel LTS -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:22.8794270Z dotnet-install: .NET Core Runtime with version '8.0.20' is already installed. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:22.8828550Z [command]/Users/runner/work/_actions/actions/setup-dotnet/v5/externals/install-dotnet.sh --skip-non-versioned-files --channel 9.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:23.3933120Z dotnet-install: .NET Core SDK with version '9.0.305' is already installed. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:23.4019690Z ##[group]Run actions/setup-dotnet@v5 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:23.4019900Z with: -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:23.4020060Z dotnet-version: 10.0.x -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:23.4020330Z cache: false -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:23.4020470Z env: -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:23.4020730Z DOTNET_ROOT: /Users/runner/.dotnet -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:23.4020950Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:23.5106230Z (node:14988) [DEP0040] DeprecationWarning: The `punycode` module is deprecated. Please use a userland alternative instead. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:23.5107120Z [command]/Users/runner/work/_actions/actions/setup-dotnet/v5/externals/install-dotnet.sh --skip-non-versioned-files --runtime dotnet --channel LTS -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:23.5124320Z (Use `node --trace-deprecation ...` to show where the warning was created) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:23.9714820Z dotnet-install: .NET Core Runtime with version '8.0.20' is already installed. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:23.9727470Z [command]/Users/runner/work/_actions/actions/setup-dotnet/v5/externals/install-dotnet.sh --skip-non-versioned-files --channel 10.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:25.2783040Z dotnet-install: Attempting to download using primary link https://builds.dotnet.microsoft.com/dotnet/Sdk/10.0.100-rc.1.25451.107/dotnet-sdk-10.0.100-rc.1.25451.107-osx-arm64.tar.gz -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:28.9529140Z dotnet-install: Remote file https://builds.dotnet.microsoft.com/dotnet/Sdk/10.0.100-rc.1.25451.107/dotnet-sdk-10.0.100-rc.1.25451.107-osx-arm64.tar.gz size is 238525442 bytes. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:28.9530510Z dotnet-install: Extracting archive from https://builds.dotnet.microsoft.com/dotnet/Sdk/10.0.100-rc.1.25451.107/dotnet-sdk-10.0.100-rc.1.25451.107-osx-arm64.tar.gz -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:34.3137490Z dotnet-install: Downloaded file size is 238525442 bytes. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:34.3139400Z dotnet-install: The remote and local file sizes are equal. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:34.7175750Z dotnet-install: Installed version is 10.0.100-rc.1.25451.107 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:34.7293990Z dotnet-install: Adding to current process PATH: `/Users/runner/.dotnet`. Note: This change will be visible only when sourcing script. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:34.7297160Z dotnet-install: Note that the script does not resolve dependencies during installation. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:34.7303130Z dotnet-install: To check the list of dependencies, go to https://learn.microsoft.com/dotnet/core/install, select your operating system and check the "Dependencies" section. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:34.7305210Z dotnet-install: Installation finished successfully. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:34.7486560Z ##[group]Run npx playwright install-deps -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:34.7488360Z npx playwright install-deps -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:34.7851510Z shell: /bin/bash -e {0} -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:34.7851740Z env: -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:34.7851940Z DOTNET_ROOT: /Users/runner/.dotnet -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:34.7852140Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:36.3505710Z npm warn exec The following package was not found and will be installed: playwright@1.55.1 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:39.2605820Z ##[group]Run npx playwright install -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:39.2606240Z npx playwright install -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:39.2640810Z shell: /bin/bash -e {0} -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:39.2641080Z env: -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:39.2641270Z DOTNET_ROOT: /Users/runner/.dotnet -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:39.2641510Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:39.9438410Z ╔═══════════════════════════════════════════════════════════════════════════════╗ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:39.9439020Z ║ WARNING: It looks like you are running 'npx playwright install' without first ║ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:39.9439680Z ║ installing your project's dependencies. ║ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:39.9440160Z ║ ║ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:39.9440690Z ║ To avoid unexpected behavior, please install your dependencies first, and ║ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:39.9441310Z ║ then run Playwright's install command: ║ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:39.9442090Z ║ ║ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:39.9442580Z ║ npm install ║ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:39.9443190Z ║ npx playwright install ║ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:39.9443670Z ║ ║ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:39.9444260Z ║ If your project does not yet depend on Playwright, first install the ║ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:39.9444860Z ║ applicable npm package (most commonly @playwright/test), and ║ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:39.9445490Z ║ then run Playwright's install command to download the browsers: ║ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:39.9446100Z ║ ║ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:39.9446640Z ║ npm install @playwright/test ║ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:39.9447240Z ║ npx playwright install ║ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:39.9447850Z ║ ║ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:39.9448350Z ╚═══════════════════════════════════════════════════════════════════════════════╝ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:39.9500630Z Downloading Chromium 140.0.7339.186 (playwright build v1193) from https://cdn.playwright.dev/dbazure/download/playwright/builds/chromium/1193/chromium-mac-arm64.zip -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:40.1843400Z | | 0% of 129.3 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:40.4705320Z |■■■■■■■■ | 10% of 129.3 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:40.5861810Z |■■■■■■■■■■■■■■■■ | 20% of 129.3 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:40.8300780Z |■■■■■■■■■■■■■■■■■■■■■■■■ | 30% of 129.3 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:41.1958730Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 40% of 129.3 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:41.4487140Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 50% of 129.3 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:41.5023080Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 60% of 129.3 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:41.9071150Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 70% of 129.3 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:41.9716870Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 80% of 129.3 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:42.0239010Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 90% of 129.3 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:42.0905040Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■| 100% of 129.3 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:43.8542700Z Chromium 140.0.7339.186 (playwright build v1193) downloaded to /Users/runner/Library/Caches/ms-playwright/chromium-1193 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:43.8550480Z Downloading Chromium Headless Shell 140.0.7339.186 (playwright build v1193) from https://cdn.playwright.dev/dbazure/download/playwright/builds/chromium/1193/chromium-headless-shell-mac-arm64.zip -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:44.0880280Z | | 0% of 81.6 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:44.2095950Z |■■■■■■■■ | 10% of 81.6 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:44.2976780Z |■■■■■■■■■■■■■■■■ | 20% of 81.6 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:44.3459210Z |■■■■■■■■■■■■■■■■■■■■■■■■ | 30% of 81.6 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:44.3949990Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 40% of 81.6 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:44.4671100Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 50% of 81.6 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:44.5245010Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 60% of 81.6 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:44.5947930Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 70% of 81.6 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:44.6602700Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 80% of 81.6 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:44.7320680Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 90% of 81.6 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:44.7721030Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■| 100% of 81.6 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:45.9263110Z Chromium Headless Shell 140.0.7339.186 (playwright build v1193) downloaded to /Users/runner/Library/Caches/ms-playwright/chromium_headless_shell-1193 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:45.9264830Z Downloading Firefox 141.0 (playwright build v1490) from https://cdn.playwright.dev/dbazure/download/playwright/builds/firefox/1490/firefox-mac-arm64.zip -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:46.1442990Z | | 0% of 89.2 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:46.2670130Z |■■■■■■■■ | 10% of 89.2 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:46.3539340Z |■■■■■■■■■■■■■■■■ | 20% of 89.2 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:46.4346590Z |■■■■■■■■■■■■■■■■■■■■■■■■ | 30% of 89.2 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:46.4989530Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 40% of 89.2 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:46.5564310Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 50% of 89.2 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:46.6275990Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 60% of 89.2 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:46.6709180Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 70% of 89.2 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:46.7537880Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 80% of 89.2 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:46.7976070Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 90% of 89.2 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:46.8582630Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■| 100% of 89.2 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:48.4379570Z Firefox 141.0 (playwright build v1490) downloaded to /Users/runner/Library/Caches/ms-playwright/firefox-1490 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:48.4381160Z Downloading Webkit 26.0 (playwright build v2203) from https://cdn.playwright.dev/dbazure/download/playwright/builds/webkit/2203/webkit-mac-15-arm64.zip -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:48.6657140Z | | 0% of 70 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:48.8006160Z |■■■■■■■■ | 10% of 70 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:48.9679790Z |■■■■■■■■■■■■■■■■ | 20% of 70 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:49.0446330Z |■■■■■■■■■■■■■■■■■■■■■■■■ | 30% of 70 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:49.0943010Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 40% of 70 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:49.6444200Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 50% of 70 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:49.7041250Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 60% of 70 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:49.7526050Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 70% of 70 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:49.8088370Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 80% of 70 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:49.8560910Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 90% of 70 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:49.9175830Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■| 100% of 70 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:57.6487410Z Webkit 26.0 (playwright build v2203) downloaded to /Users/runner/Library/Caches/ms-playwright/webkit-2203 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:57.6497340Z Downloading FFMPEG playwright build v1011 from https://cdn.playwright.dev/dbazure/download/playwright/builds/ffmpeg/1011/ffmpeg-mac-arm64.zip -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:57.8843190Z | | 0% of 1 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:57.8988120Z |■■■■■■■■ | 10% of 1 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:57.9082820Z |■■■■■■■■■■■■■■■■ | 20% of 1 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:57.9162020Z |■■■■■■■■■■■■■■■■■■■■■■■■ | 31% of 1 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:57.9191090Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 40% of 1 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:57.9206990Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 50% of 1 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:57.9267060Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 61% of 1 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:57.9286900Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 70% of 1 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:57.9300190Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 80% of 1 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:57.9309470Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 91% of 1 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:57.9322620Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■| 100% of 1 MiB -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:57.9656370Z FFMPEG playwright build v1011 downloaded to /Users/runner/Library/Caches/ms-playwright/ffmpeg-1011 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:58.0132100Z ##[group]Run dotnet build -c Release -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:58.0132930Z dotnet build -c Release -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:58.0299180Z shell: /bin/bash -e {0} -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:58.0299420Z env: -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:58.0299680Z DOTNET_ROOT: /Users/runner/.dotnet -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:58.0299930Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:58.7389300Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:58.7453890Z Welcome to .NET 9.0! -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:58.7454210Z --------------------- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:58.7454630Z SDK Version: 9.0.305 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:58.7454720Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:58.7454890Z Telemetry -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:58.7455080Z --------- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:58.7456150Z The .NET tools collect usage data in order to help us improve your experience. It is collected by Microsoft and shared with the community. You can opt-out of telemetry by setting the DOTNET_CLI_TELEMETRY_OPTOUT environment variable to '1' or 'true' using your favorite shell. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:58.7456960Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:58.7457310Z Read more about .NET CLI Tools telemetry: https://aka.ms/dotnet-cli-telemetry -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:59.2543940Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:59.2544160Z ---------------- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:59.2546560Z Installed an ASP.NET Core HTTPS development certificate. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:59.2547040Z To trust the certificate, run 'dotnet dev-certs https --trust' -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:59.2547410Z Learn about HTTPS: https://aka.ms/dotnet-https -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:59.2547640Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:59.2547690Z ---------------- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:59.2548050Z Write your first app: https://aka.ms/dotnet-hello-world -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:59.2548460Z Find out what's new: https://aka.ms/dotnet-whats-new -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:59.2548800Z Explore documentation: https://aka.ms/dotnet-docs -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:59.2549300Z Report issues and find source on GitHub: https://github.com/dotnet/core -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:59.2549780Z Use 'dotnet --help' to see available commands or visit: https://aka.ms/dotnet-cli -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:16:59.2550250Z -------------------------------------------------------------------------------------- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:01.4839450Z Determining projects to restore... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:07.1899440Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj (in 3.13 sec). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:08.5811460Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Aspire.Starter/ExampleNamespace.ServiceDefaults/ExampleNamespace.ServiceDefaults.csproj (in 4.51 sec). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:09.9004160Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Aspire.Starter/ExampleNamespace.ApiService/ExampleNamespace.ApiService.csproj (in 951 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:11.8525570Z Restored /Users/runner/work/TUnit/TUnit/Playground/Playground.csproj (in 7.86 sec). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:13.1143600Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Aspire.Starter/ExampleNamespace.AppHost/ExampleNamespace.AppHost.csproj (in 5.8 sec). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:13.4796500Z Restored /Users/runner/work/TUnit/TUnit/TUnit.RpcTests/TUnit.RpcTests.csproj (in 1.31 sec). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:14.0155770Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Templates.Tests/TUnit.Templates.Tests.csproj (in 4.04 sec). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:17.6716230Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Pipeline/TUnit.Pipeline.csproj (in 3.63 sec). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:18.3291840Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Example.Asp.Net/TUnit.Example.Asp.Net.csproj (in 642 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:18.6555880Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Example.Asp.Net.TestProject/TUnit.Example.Asp.Net.TestProject.csproj (in 310 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:18.6936150Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Engine/TUnit.Engine.csproj (in 31 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:18.9722420Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Engine.Tests/TUnit.Engine.Tests.csproj (in 267 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:19.0176840Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Core/TUnit.Core.csproj (in 19 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:20.7437020Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj (in 1.7 sec). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:21.3775520Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Playwright/TUnit.Playwright.csproj (in 7.87 sec). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:21.4686830Z Restored /Users/runner/work/TUnit/TUnit/TUnit.PublicAPI/TUnit.PublicAPI.csproj (in 8.31 sec). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:21.7963350Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj (in 380 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:21.8369980Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Assertions/TUnit.Assertions.csproj (in 19 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:21.8753010Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj (in 21 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:21.8870600Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator/TUnit.Assertions.SourceGenerator.csproj (in 4 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:22.6173030Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj (in 1.12 sec). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:22.7355250Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Assertions.FSharp/TUnit.Assertions.FSharp.fsproj (in 99 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:22.7470950Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers/TUnit.Assertions.Analyzers.csproj (in 3 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:24.9605560Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator.Tests/TUnit.Assertions.SourceGenerator.Tests.csproj (in 2.99 sec). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:24.9608590Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj (in 4.14 sec). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:24.9860110Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers.CodeFixers/TUnit.Assertions.Analyzers.CodeFixers.csproj (in 17 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:25.0049390Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Analyzers/TUnit.Analyzers.csproj (in 4 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:26.1787140Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers.Tests/TUnit.Assertions.Analyzers.Tests.csproj (in 3.39 sec). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:26.2002100Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Analyzers.Roslyn47/TUnit.Analyzers.Roslyn47.csproj (in 10 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:26.2135500Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Analyzers.Roslyn44/TUnit.Analyzers.Roslyn44.csproj (in 5 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:26.2441430Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Analyzers.Roslyn414/TUnit.Analyzers.Roslyn414.csproj (in 5 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:26.3265030Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Analyzers.CodeFixers/TUnit.Analyzers.CodeFixers.csproj (in 5 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:26.3967930Z Restored /Users/runner/work/TUnit/TUnit/TUnit/TUnit.csproj (in 14 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:27.0065830Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers.CodeFixers.Tests/TUnit.Assertions.Analyzers.CodeFixers.Tests.csproj (in 2 sec). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:27.0987450Z Restored /Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj (in 676 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:27.3726470Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Analyzers.Tests/TUnit.Analyzers.Tests.csproj (in 2.34 sec). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:27.4080840Z Restored /Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj (in 12 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:28.4751630Z Restored /Users/runner/work/TUnit/TUnit/TUnit.TestProject.VB.NET/TUnit.TestProject.VB.NET.vbproj (in 1.36 sec). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:28.4852950Z Restored /Users/runner/work/TUnit/TUnit/TUnit.TestProject.FSharp/TUnit.TestProject.FSharp.fsproj (in 1.05 sec). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:28.4920440Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit/TestProject.csproj (in 1 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:28.5010280Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.VB/TestProject.vbproj (in 2 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:28.6227870Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Playwright/TestProject.csproj (in 118 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:28.7289900Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.FSharp/TestProject.fsproj (in 101 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:28.7429990Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.AspNet/WebApp/WebApp.csproj (in 2 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:28.7819030Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.AspNet/TestProject/TestProject.csproj (in 24 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:28.8054370Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.AspNet.FSharp/WebApp/WebApp.fsproj (in 4 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:28.8527770Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Templates/TUnit.Templates.csproj (in 365 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:29.0248530Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.AspNet.FSharp/TestProject/TestProject.fsproj (in 219 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:29.2883250Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Aspire.Test/ExampleNamespace.csproj (in 425 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:29.3290730Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Aspire.Starter/ExampleNamespace.TestProject/ExampleNamespace.TestProject.csproj (in 17 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:29.4390980Z Restored /Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj (in 2.38 sec). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:29.6178060Z Restored /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Aspire.Starter/ExampleNamespace.WebApp/ExampleNamespace.WebApp.csproj (in 577 ms). -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:30.6366730Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:31.2541880Z /Users/runner/.nuget/packages/system.text.encodings.web/9.0.0/buildTransitive/netcoreapp2.0/System.Text.Encodings.Web.targets(4,5): warning : System.Text.Encodings.Web 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:31.2657000Z /Users/runner/.nuget/packages/system.io.pipelines/9.0.0/buildTransitive/netcoreapp2.0/System.IO.Pipelines.targets(4,5): warning : System.IO.Pipelines 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:31.2784020Z /Users/runner/.nuget/packages/microsoft.bcl.asyncinterfaces/9.0.0/buildTransitive/netcoreapp2.0/Microsoft.Bcl.AsyncInterfaces.targets(4,5): warning : Microsoft.Bcl.AsyncInterfaces 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:31.2889090Z /Users/runner/.nuget/packages/system.text.json/9.0.0/buildTransitive/netcoreapp2.0/System.Text.Json.targets(4,5): warning : System.Text.Json 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:33.0888140Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:33.1295470Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:38.7976000Z TUnit.Core -> /Users/runner/work/TUnit/TUnit/TUnit.Core/bin/Release/netstandard2.0/TUnit.Core.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:47.9077630Z TUnit.Core -> /Users/runner/work/TUnit/TUnit/TUnit.Core/bin/Release/net9.0/TUnit.Core.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:48.4433670Z TUnit.Core -> /Users/runner/work/TUnit/TUnit/TUnit.Core/bin/Release/net8.0/TUnit.Core.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:49.9394590Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers/AnalyzerReleases.Shipped.md(5,1): warning RS2007: Analyzer release file 'AnalyzerReleases.Shipped.md' has a missing or invalid release header '#### Assertion Usage Rules' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers/TUnit.Assertions.Analyzers.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:50.0182760Z TUnit.Assertions.Analyzers -> /Users/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers/bin/Release/netstandard2.0/TUnit.Assertions.Analyzers.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:50.4557840Z TUnit.Pipeline -> /Users/runner/work/TUnit/TUnit/TUnit.Pipeline/bin/Release/net8.0/TUnit.Pipeline.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:50.7854830Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:51.3105080Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:51.3509420Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Analyzers/AnalyzerReleases.Shipped.md(5,1): warning RS2007: Analyzer release file 'AnalyzerReleases.Shipped.md' has a missing or invalid release header '#### Test Method and Structure Rules' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [/Users/runner/work/TUnit/TUnit/TUnit.Analyzers/TUnit.Analyzers.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:51.3708830Z TUnit.Analyzers -> /Users/runner/work/TUnit/TUnit/TUnit.Analyzers/bin/Release/netstandard2.0/TUnit.Analyzers.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:51.5778470Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:51.7495510Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:51.8874010Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:52.0291880Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:52.2018030Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator/Generators/AssertionMethodGenerator.cs(113,21): warning CS8604: Possible null reference argument for parameter 'MethodName' in 'CreateAssertionAttributeData.CreateAssertionAttributeData(INamedTypeSymbol TargetType, INamedTypeSymbol ContainingType, string MethodName, string? CustomName, bool NegateLogic, bool RequiresGenericTypeParameter, bool TreatAsInstance)'. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator/TUnit.Assertions.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:52.2137740Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator/Generators/AssertionMethodGenerator.cs(220,21): warning CS8604: Possible null reference argument for parameter 'MethodName' in 'CreateAssertionAttributeData.CreateAssertionAttributeData(INamedTypeSymbol TargetType, INamedTypeSymbol ContainingType, string MethodName, string? CustomName, bool NegateLogic, bool RequiresGenericTypeParameter, bool TreatAsInstance)'. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator/TUnit.Assertions.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:52.2261640Z TUnit.Assertions.SourceGenerator -> /Users/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator/bin/Release/netstandard2.0/TUnit.Assertions.SourceGenerator.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:52.9174730Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:53.1285690Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:53.3159110Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:53.5649840Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:54.2752570Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:54.5163270Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:54.8430270Z TUnit.Engine -> /Users/runner/work/TUnit/TUnit/TUnit.Engine/bin/Release/netstandard2.0/TUnit.Engine.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:54.9233640Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:54.9440530Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:55.1624570Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:59.1690540Z TUnit.Engine -> /Users/runner/work/TUnit/TUnit/TUnit.Engine/bin/Release/net9.0/TUnit.Engine.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:17:59.3475870Z TUnit.RpcTests -> /Users/runner/work/TUnit/TUnit/TUnit.RpcTests/bin/Release/net8.0/TUnit.RpcTests.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:01.3799970Z TUnit.Engine -> /Users/runner/work/TUnit/TUnit/TUnit.Engine/bin/Release/net8.0/TUnit.Engine.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:01.8204320Z TestProject -> /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Playwright/bin/Release/net8.0/TestProject.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:05.2068790Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/AotMethodInvocationGenerator.cs(168,52): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:05.2102640Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/CodeGenerators/Helpers/TupleArgumentHelper.cs(72,37): warning CS8600: Converting null literal or possible null value to non-nullable type. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:05.2211660Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(688,54): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:05.2318210Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2207,20): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:05.2425010Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2215,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:05.2538260Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2235,24): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:05.2651770Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2244,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:05.2759600Z TUnit.Core.SourceGenerator -> /Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/bin/Release/netstandard2.0/TUnit.Core.SourceGenerator.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:06.6630200Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/AotMethodInvocationGenerator.cs(168,52): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:06.6734540Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/CodeGenerators/Helpers/TupleArgumentHelper.cs(72,37): warning CS8600: Converting null literal or possible null value to non-nullable type. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:06.6835750Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(688,54): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:06.6939240Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2207,20): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:06.7045120Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2215,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:06.7145520Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2235,24): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:06.7250880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2244,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:06.7349740Z TUnit.Core.SourceGenerator.Roslyn44 -> /Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/bin/Release/netstandard2.0/TUnit.Core.SourceGenerator.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:07.7868730Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/CodeGenerators/Helpers/TupleArgumentHelper.cs(72,37): warning CS8600: Converting null literal or possible null value to non-nullable type. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:07.7977790Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/AotMethodInvocationGenerator.cs(168,52): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:07.8081550Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(688,54): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:07.8185620Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2207,20): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:07.8307920Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2215,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:07.8439930Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2235,24): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:07.8555340Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2244,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:07.8658420Z TUnit.Core.SourceGenerator.Roslyn47 -> /Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/bin/Release/netstandard2.0/TUnit.Core.SourceGenerator.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:07.8860410Z TUnit.Analyzers.Roslyn44 -> /Users/runner/work/TUnit/TUnit/TUnit.Analyzers.Roslyn44/bin/Release/netstandard2.0/TUnit.Analyzers.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:08.0471400Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:08.5712140Z TUnit.Analyzers.CodeFixers -> /Users/runner/work/TUnit/TUnit/TUnit.Analyzers.CodeFixers/bin/Release/netstandard2.0/TUnit.Analyzers.CodeFixers.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:09.7000790Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Analyzers/MultipleConstructorsAnalyzer.cs(13,15): warning RS2008: Enable analyzer release tracking for the analyzer project containing rule 'TUnit0052' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [/Users/runner/work/TUnit/TUnit/TUnit.Analyzers.Roslyn47/TUnit.Analyzers.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:09.7098480Z TUnit.Analyzers.Roslyn47 -> /Users/runner/work/TUnit/TUnit/TUnit.Analyzers.Roslyn47/bin/Release/netstandard2.0/TUnit.Analyzers.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:09.8702450Z TestProject -> /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit/bin/Release/net8.0/TestProject.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:09.9573010Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:09.9606510Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:09.9740560Z TUnit.TestProject.Library -> /Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/bin/Release/net8.0/TUnit.TestProject.Library.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:10.0292760Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:10.0335000Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:10.1427480Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:10.1534320Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:10.1762870Z TUnit.TestProject.Library -> /Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/bin/Release/netstandard2.0/TUnit.TestProject.Library.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:10.4280920Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:10.4642100Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:10.4746710Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:10.4772850Z TUnit.Assertions.Analyzers.CodeFixers -> /Users/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers.CodeFixers/bin/Release/netstandard2.0/TUnit.Assertions.Analyzers.CodeFixers.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:10.4832270Z TUnit.TestProject.Library -> /Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/bin/Release/net472/TUnit.TestProject.Library.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:10.5678240Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:10.7034900Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:10.9078390Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:10.9179590Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:10.9277900Z TUnit.TestProject.Library -> /Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/bin/Release/net6.0/TUnit.TestProject.Library.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:10.9479770Z TUnit.TestProject.Library -> /Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/bin/Release/net9.0/TUnit.TestProject.Library.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:11.0608830Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:11.3024540Z WebApp -> /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.AspNet/WebApp/bin/Release/net9.0/WebApp.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:11.4871980Z TUnit.Templates -> /Users/runner/work/TUnit/TUnit/TUnit.Templates/bin/Release/net9.0/TUnit.Templates.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:12.5076280Z TestProject -> /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.AspNet/TestProject/bin/Release/net9.0/TestProject.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:12.6450520Z ExampleNamespace -> /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Aspire.Test/bin/Release/net9.0/ExampleNamespace.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:13.8533280Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:14.2636570Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:14.2778330Z ExampleNamespace.ServiceDefaults -> /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Aspire.Starter/ExampleNamespace.ServiceDefaults/bin/Release/net9.0/ExampleNamespace.ServiceDefaults.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:14.3481590Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:14.4796270Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:14.7714140Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:15.4161310Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:15.7586800Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:15.7990780Z TUnit.Example.Asp.Net -> /Users/runner/work/TUnit/TUnit/TUnit.Example.Asp.Net/bin/Release/net9.0/TUnit.Example.Asp.Net.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:16.0848520Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:16.2482470Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:16.2582440Z TUnit.Assertions -> /Users/runner/work/TUnit/TUnit/TUnit.Assertions/bin/Release/net9.0/TUnit.Assertions.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:16.5911620Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:16.6438130Z /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.FSharp/TestProject.fsproj : warning NU1504: Duplicate 'PackageReference' items found. Remove the duplicate items or use the Update functionality to ensure a consistent restore behavior. The duplicate 'PackageReference' items are: TUnit.Assertions.FSharp *, TUnit.Assertions.FSharp 0.61.39. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:20.4346940Z TestProject -> /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.VB/bin/Release/net8.0/TestProject.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:20.5770480Z /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.AspNet.FSharp/TestProject/TestProject.fsproj : warning NU1504: Duplicate 'PackageReference' items found. Remove the duplicate items or use the Update functionality to ensure a consistent restore behavior. The duplicate 'PackageReference' items are: TUnit.Assertions.FSharp *, TUnit.Assertions.FSharp 0.61.39. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:20.8692820Z TUnit.Assertions -> /Users/runner/work/TUnit/TUnit/TUnit.Assertions/bin/Release/net8.0/TUnit.Assertions.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:25.2330240Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Analyzers/MultipleConstructorsAnalyzer.cs(13,15): warning RS2008: Enable analyzer release tracking for the analyzer project containing rule 'TUnit0052' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [/Users/runner/work/TUnit/TUnit/TUnit.Analyzers.Roslyn414/TUnit.Analyzers.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:25.2434390Z TUnit.Analyzers.Roslyn414 -> /Users/runner/work/TUnit/TUnit/TUnit.Analyzers.Roslyn414/bin/Release/netstandard2.0/TUnit.Analyzers.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:25.7343010Z TUnit.Assertions -> /Users/runner/work/TUnit/TUnit/TUnit.Assertions/bin/Release/netstandard2.0/TUnit.Assertions.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:25.7444150Z ExampleNamespace.WebApp -> /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Aspire.Starter/ExampleNamespace.WebApp/bin/Release/net9.0/ExampleNamespace.WebApp.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:25.7915950Z ExampleNamespace.ApiService -> /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Aspire.Starter/ExampleNamespace.ApiService/bin/Release/net9.0/ExampleNamespace.ApiService.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:26.7094980Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/AotMethodInvocationGenerator.cs(168,52): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:26.7168440Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/CodeGenerators/Helpers/TupleArgumentHelper.cs(72,37): warning CS8600: Converting null literal or possible null value to non-nullable type. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:26.7204410Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(688,54): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:26.7222550Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2207,20): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:26.7255120Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2215,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:26.7280850Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2235,24): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:26.7335280Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2244,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:26.7358930Z TUnit -> /Users/runner/work/TUnit/TUnit/TUnit/bin/Release/net9.0/TUnit.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:26.7396540Z TUnit.Core.SourceGenerator.Roslyn414 -> /Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/bin/Release/netstandard2.0/TUnit.Core.SourceGenerator.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:26.8662300Z TestProject -> /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.FSharp/bin/Release/net8.0/TestProject.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:27.8948690Z ExampleNamespace.AppHost -> /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Aspire.Starter/ExampleNamespace.AppHost/bin/Release/net9.0/ExampleNamespace.AppHost.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:28.2911310Z TUnit.Assertions.Analyzers.CodeFixers.Tests -> /Users/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers.CodeFixers.Tests/bin/Release/net9.0/TUnit.Assertions.Analyzers.CodeFixers.Tests.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:30.0226670Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Templates.Tests/BasicTemplateTests.cs(16,9): warning TUnit0018: Test methods should not assign instance data [/Users/runner/work/TUnit/TUnit/TUnit.Templates.Tests/TUnit.Templates.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:30.0327730Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Templates.Tests/BasicTemplateTests.cs(23,9): warning TUnit0018: Test methods should not assign instance data [/Users/runner/work/TUnit/TUnit/TUnit.Templates.Tests/TUnit.Templates.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:30.0469480Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Templates.Tests/AspNetTemplateTests.cs(16,9): warning TUnit0018: Test methods should not assign instance data [/Users/runner/work/TUnit/TUnit/TUnit.Templates.Tests/TUnit.Templates.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:30.9556320Z Playground -> /Users/runner/work/TUnit/TUnit/Playground/bin/Release/net9.0/Playground.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:32.8422820Z TUnit.Templates.Tests -> /Users/runner/work/TUnit/TUnit/TUnit.Templates.Tests/bin/Release/net9.0/TUnit.Templates.Tests.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:32.9441310Z TUnit.Assertions.Analyzers.CodeFixers.Tests -> /Users/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers.CodeFixers.Tests/bin/Release/net8.0/TUnit.Assertions.Analyzers.CodeFixers.Tests.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:33.4380400Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:33.8616810Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:38.4983610Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:38.5085130Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(56,91): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:38.5186020Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_BaseStaticClass_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:38.5319150Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/PropertyDataSourceInjectionTests.cs(161,111): warning CS8604: Possible null reference argument for parameter 'testInformation' in 'Task<(bool success, object? createdInstance)> DataSourceHelpers.TryCreateWithInitializerAsync(Type type, MethodMetadata testInformation, string testSessionId)'. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:38.5344270Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(39,93): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:38.5356550Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(56,139): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:38.5391360Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(73,162): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:38.5412670Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_NestedService_PropertyInjection.g.cs(39,89): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:38.5418190Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_CustomService_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:38.5422470Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_BaseTestClass_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:38.5427360Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:38.5431750Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(56,104): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:38.5436150Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(73,121): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:38.5469930Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(90,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:38.5475210Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_ComplexData_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:38.5560970Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:38.5584990Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(56,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:38.5603740Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_CustomPropertyDataSourceTests_PropertyInjection.g.cs(39,71): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:38.5607030Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(14,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:38.5609980Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/GenericTestGenerationTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:38.5612500Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:38.5615080Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:38.5617360Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:38.5620690Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:38.5628840Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/EmptyDataSourceTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:38.6131840Z TUnit -> /Users/runner/work/TUnit/TUnit/TUnit/bin/Release/net8.0/TUnit.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:41.7959620Z TUnit.Assertions.SourceGenerator.Tests -> /Users/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator.Tests/bin/Release/net8.0/TUnit.Assertions.SourceGenerator.Tests.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:42.9338470Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:42.9438000Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(56,91): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:42.9595980Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_BaseStaticClass_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:42.9609980Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:42.9722970Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(56,104): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:42.9830960Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(73,121): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:42.9946800Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(90,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:43.0053150Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(39,93): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:43.0160210Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(56,139): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:43.0267340Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(73,162): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:43.0374750Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_CustomService_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:43.0422440Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_CustomPropertyDataSourceTests_PropertyInjection.g.cs(39,71): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:43.0529510Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_BaseTestClass_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:43.0638050Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_NestedService_PropertyInjection.g.cs(39,89): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:43.0739310Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_ComplexData_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:43.0852630Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:43.0953420Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(56,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:43.1065700Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/PropertyDataSourceInjectionTests.cs(161,111): warning CS8604: Possible null reference argument for parameter 'testInformation' in 'Task<(bool success, object? createdInstance)> DataSourceHelpers.TryCreateWithInitializerAsync(Type type, MethodMetadata testInformation, string testSessionId)'. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:43.1173450Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(14,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:43.1289940Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:43.1395280Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:43.1504130Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/GenericTestGenerationTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:43.1604720Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:43.1710630Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:43.1747160Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/EmptyDataSourceTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:43.1852580Z TUnit.UnitTests -> /Users/runner/work/TUnit/TUnit/TUnit.UnitTests/bin/Release/net8.0/TUnit.UnitTests.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:43.2120790Z Removing SourceGeneratedViewer directory... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:45.8708460Z TUnit.Analyzers.Tests -> /Users/runner/work/TUnit/TUnit/TUnit.Analyzers.Tests/bin/Release/net9.0/TUnit.Analyzers.Tests.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:47.3265070Z ExampleNamespace.TestProject -> /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.Aspire.Starter/ExampleNamespace.TestProject/bin/Release/net9.0/ExampleNamespace.TestProject.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:53.9495330Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(17,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:53.9600500Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(11,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:53.9695750Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(34,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:53.9701330Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(33,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:53.9705750Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(49,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:53.9710400Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(72,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:53.9714180Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(47,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:53.9717790Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(96,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:53.9720170Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(113,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:53.9723590Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(61,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:53.9727400Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(130,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:53.9730530Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(79,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:53.9733980Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(147,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:53.9737100Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(97,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:53.9741300Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(11,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:53.9747950Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(17,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:53.9753590Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:54.0128900Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:54.0131960Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(40,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:54.0185070Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:54.0187840Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(53,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:18:54.1024020Z TUnit.Assertions.Tests -> /Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/bin/Release/net8.0/TUnit.Assertions.Tests.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.1570870Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AfterAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.1676700Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AbstractTests.cs(29,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.1746430Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AbstractTests.cs(47,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.1756200Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.1798230Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.1903230Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TimeoutCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.2199590Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ArgsAsArrayTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.2382580Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ArgumentWithImplicitConverterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.2489470Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyAfterTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.2836900Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyBeforeTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.2943230Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AttributeTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.3058280Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BeforeAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.3176720Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.3305950Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BasicTests.cs(15,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.3416980Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/Issue2887/Issue2887Tests.cs(17,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.3527660Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1304/EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.3531960Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.3637570Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2136/Tests2136.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.3738270Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/ConstantInBaseClassTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.3843470Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1538/Tests1538.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.3957480Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassAndMethodArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.4051290Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.4151390Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTests2.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.4256390Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTestsSharedKeyed.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.4313010Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.4361220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1589/Tests1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.4475260Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ConstantArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.4582400Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1594/Hooks1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.4695880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1603/Tests1603.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.4871610Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataDrivenTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.4983870Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1692/Tests1692.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.5101450Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceClassCombinedWithDataSourceMethodTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.5203200Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/CustomDisplayNameTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.5313960Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceGeneratorTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.5425550Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassConstructorTest.cs(23,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.5530870Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DisableReflectionScannerTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.5645900Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1821/Tests1821.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.5726350Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Dynamic/Basic.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.5879970Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/EnumerableDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.5983260Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1889/Tests1889.cs(22,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.6034310Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1899/Tests1899.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.6139900Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/EnumerableTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.6249780Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1899/Tests1899.cs(35,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.6367070Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GenericMethodTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.6477200Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GlobalStaticAfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.6591460Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GlobalStaticBeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.6704560Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/HooksTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.6816130Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/HooksTests.cs(18,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.6918990Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/InheritedPropertySetterTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.7056530Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyLoaderTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.7061430Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MatrixTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.7167240Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2083/Tests2083.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.7287890Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2112/Tests2112.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.7398350Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MethodDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.7505090Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MethodDataSourceDrivenWithCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.7621100Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MultipleClassDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.7727080Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NameOfArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.7827720Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NullableByteArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.7932900Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2085/Tests2085.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.8033320Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NumberArgumentTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.8134370Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/ConstantsInInterpolatedStringsTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.8241110Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/PropertySetterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.8245140Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/RepeatTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.8349940Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/STAThreadTests.cs(16,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.8471090Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/StringArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.8581560Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TestDiscoveryHookTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.8694580Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceGeneratorTests.cs(28,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.8816790Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1539/Tests1539.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.8923720Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1589/Hooks1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.9043040Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1594/Tests1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.9143200Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ConcreteClassTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.9243240Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/PriorityFilteringTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:00.9342780Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyNamesWithDashesTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:18.0636580Z TUnit.Assertions.FSharp -> /Users/runner/work/TUnit/TUnit/TUnit.Assertions.FSharp/bin/Release/net9.0/TUnit.Assertions.FSharp.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:20.0188040Z TUnit.Assertions.Analyzers.Tests -> /Users/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers.Tests/bin/Release/net8.0/TUnit.Assertions.Analyzers.Tests.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:20.4518920Z TUnit.Assertions.Analyzers.Tests -> /Users/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers.Tests/bin/Release/net9.0/TUnit.Assertions.Analyzers.Tests.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.5990900Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AbstractBaseClassPropertyInjectionTests.cs(20,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.6090030Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(39,86): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.6220730Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(56,97): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.6288850Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TestCountVerificationTests.cs(6,45): warning CS9113: Parameter 'value' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.6545700Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/PropertyInitializationTests.cs(108,91): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.6952610Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/PropertyInitializationTests.cs(98,82): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.6966200Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NotInParallelExecutionTests.cs(28,25): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.6974250Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MixedDataSourceBugTest.cs(5,41): warning CS9113: Parameter 'classValue' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.7068190Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(130,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.7194440Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests2.cs(33,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.7304210Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NotInParallelExecutionTests.cs(53,30): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.7368010Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(100,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.7674890Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(61,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.7703330Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(34,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.7809660Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/DynamicallyRegisteredTests.cs(58,19): warning CS0618: 'TestContext.ReregisterTestWithArguments(object?[]?, Dictionary?)' is obsolete: 'This method is non-functional after the removal of ITestFinder. It will be removed in a future version.' [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.7921310Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ComprehensiveCountTest.cs(8,44): warning CS9113: Parameter 'classValue' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.8022910Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDisplayNameAttributeTests.cs(23,57): warning CS9113: Parameter 'value' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.8137180Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceEnumerableTest.cs(6,51): warning CS9113: Parameter 'value' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.8295000Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AsyncDataSourceExampleTests.cs(59,71): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.8308050Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AsyncDataSourceExampleTests.cs(7,67): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.8406480Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/CombinedParallelConstraintsTests.cs(253,17): warning CS0219: The variable 'hasOverlap' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.8967510Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(254,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.8978070Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(269,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.9088400Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(285,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.9198310Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2887/ReproTest.cs(16,54): warning CS9113: Parameter 'serviceProvider' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.9278090Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2993/ImplicitConversionTests.cs(27,35): warning CS8600: Converting null literal or possible null value to non-nullable type. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.9383520Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1570/Tests.cs(21,23): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.9495880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2955/InheritedDataSourceTests.cs(68,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.9644980Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(17,24): warning CS0414: The field 'HookCleanupOnFailureTests._afterAssemblyCount' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.9839020Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(124,25): warning CS0414: The field 'MultipleAfterClassHooksTests._testsExecuted' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:29.9843880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(14,25): warning CS0414: The field 'HookExceptionHandlingTests._afterAssemblyExecuted' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.0225490Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(16,24): warning CS0414: The field 'HookCleanupOnFailureTests._beforeAssemblyCount' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.0292700Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/DynamicTests/Runtime.cs(13,17): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.0834110Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/CallEventReceiverTests.cs(34,28): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.0839940Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/VerifyFixTest.cs(11,27): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.0939280Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AllDataSourcesCombinedTestsVerification.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.1039220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AllDataSourcesCombinedTests.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.1155690Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ArgumentsWithClassDataSourceTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.1212960Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TestMixedGenericParameters.cs(8,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.1430500Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SmartInferenceTests.cs(27,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.1457650Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SmartInferenceTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.1572480Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleStaticTest.cs(9,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.1756600Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleTupleTest.cs(11,56): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.1765530Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleHookTest.cs(23,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.1870490Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleHookTest.cs(28,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.1980600Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(56,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.2138500Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(23,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.2200480Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.2311240Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleTest.cs(8,71): warning TUnit0301: Tuple parameter 'data2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.2439140Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(12,73): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.2537430Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleTest.cs(16,64): warning TUnit0301: Tuple parameter 'data' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.2778070Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MultipleClassDataGeneratorsTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.2897670Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MinimalDiscoveryTest.cs(8,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.3010180Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(22,65): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.3030930Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(32,67): warning TUnit0301: Tuple parameter 'value1' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.3125480Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(32,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.3233330Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MultipleDataSourcesTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.3343640Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(43,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.3476640Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MethodDataSourceWithArgumentsTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.3580420Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(54,82): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.3736340Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookGeneratorTest.cs(9,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.3748640Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookGeneratorTest.cs(15,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.3890290Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(64,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.3991290Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(121,45): warning TUnit0046: Return a `Func` rather than a ``. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.4170050Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(79,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.4336910Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(9,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.4421050Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(70,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.4556760Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(20,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.4604230Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(52,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.4763660Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.4866530Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(13,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.4878570Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.4983620Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(74,83): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.5089000Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(84,88): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.5201870Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTestExample.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.5291860Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.5394190Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.5521020Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMethodTests.cs(11,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.5619880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(22,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.5725960Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(36,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.5845420Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(59,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.5917300Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(15,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.6111010Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.6114740Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(41,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.6220100Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(49,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.6348750Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(57,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.6450630Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(155,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.6591870Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(140,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.6706570Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.6855290Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.6979790Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(82,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.7045800Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(92,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.7193670Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.7333340Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(43,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.7476820Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(54,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.7581400Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/FailFastTest.cs(10,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.7734860Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.7886510Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(61,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.8016120Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInheritsTestVerification.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.8182180Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(47,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.8307770Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(171,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.8339640Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(124,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.8463030Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(101,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.8539140Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(110,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.8665420Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(63,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.8777550Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(110,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.8878450Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(123,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.9001500Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceWithMethodDataSourceTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.9140730Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceDrivenTestsSharedKeyed3.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.9149330Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/CallEventReceiverTests.cs(25,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.9329100Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceDrivenTestsSharedKeyed2.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.9448160Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(219,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.9554550Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(234,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.9668680Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(249,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:30.9866290Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(264,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.0025140Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(279,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.0158480Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(388,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.0266730Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(400,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.0375130Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(377,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.0462500Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(412,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.0549930Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(423,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.0616010Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(435,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.0712300Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(446,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.0754260Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(316,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.0795560Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(327,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.0838340Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(338,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.0995520Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(349,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.1099940Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(197,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.1200610Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(52,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.1304420Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(69,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.1402130Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(106,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.1511640Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(171,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.1608440Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(178,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.1708670Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(200,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.1813850Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(102,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.1919930Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(113,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.2020550Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(20,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.2130950Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(31,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.2232840Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(322,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.2343480Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(127,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.2452350Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(59,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.2549400Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2504CollectionExpressionTest.cs(62,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.2655530Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3219/ClassDataSourceRetryTests.cs(46,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.2755800Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(163,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.2861480Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(80,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.2978850Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(153,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.3077420Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(90,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.3184860Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2798/Tests.cs(16,36): warning TUnit0046: Return a `Func` rather than a ``. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.3284050Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2757/Tests.cs(20,41): warning TUnit0046: Return a `Func` rather than a ``. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.3392240Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2136/Tests.cs(14,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.3400750Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2867/DisposalNotCalledTests.cs(267,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.3518880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(223,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.3623310Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(256,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.3731590Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(346,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.3856830Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(101,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.3964830Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(358,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.4011630Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3219/ClassDataSourceRetryTests.cs(77,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.4121260Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3185/BugRepro3185.cs(88,19): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.4247360Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AfterAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.4390940Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.4498220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AbstractTests.cs(29,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.4610790Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AbstractTests.cs(47,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.4717100Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ArgsAsArrayTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.4826440Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ArgumentWithImplicitConverterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.4932070Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyAfterTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.5047240Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyBeforeTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.5056730Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.5171430Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TimeoutCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.5244620Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyLoaderTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.5376180Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BasicTests.cs(15,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.5514930Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BeforeAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.5624180Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AttributeTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.5739070Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.5826860Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassAndMethodArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.5919010Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassConstructorTest.cs(23,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.6016700Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.6088860Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTests2.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.6148900Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTestsSharedKeyed.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.6287690Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.6425190Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ConcreteClassTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.6642430Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ConstantArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.6647410Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/CustomDisplayNameTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.6677410Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.6789070Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1692/Tests1692.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.6903400Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceGeneratorTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.6978600Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceClassCombinedWithDataSourceMethodTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.7091010Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceGeneratorTests.cs(28,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.7208920Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/ConstantInBaseClassTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.7374040Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DisableReflectionScannerTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.7482830Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1589/Tests1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.7487120Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1821/Tests1821.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.7583900Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/EnumerableDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.7617880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/EnumerableTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.7689470Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GenericMethodTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.7744050Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1603/Tests1603.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.7923650Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1899/Tests1899.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.7953380Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1538/Tests1538.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.7997780Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1899/Tests1899.cs(35,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8045800Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GlobalStaticAfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8072120Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1594/Hooks1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8113420Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GlobalStaticBeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8141180Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1889/Tests1889.cs(22,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8199850Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/ConstantsInInterpolatedStringsTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8226020Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/HooksTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8265000Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/HooksTests.cs(18,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8294310Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2083/Tests2083.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8328630Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Dynamic/Basic.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8363000Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/InheritedPropertySetterTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8389240Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1539/Tests1539.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8392950Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2085/Tests2085.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8430980Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2112/Tests2112.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8478450Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2136/Tests2136.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8508360Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1594/Tests1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8557930Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MatrixTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8626180Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MethodDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8654740Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MethodDataSourceDrivenWithCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8703360Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NameOfArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8730220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MultipleClassDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8760730Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NullableByteArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8784540Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/Issue2887/Issue2887Tests.cs(17,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8812870Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NumberArgumentTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8841970Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1304/EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8879740Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/PriorityFilteringTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8916560Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/PropertySetterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8944810Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1589/Hooks1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8949250Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/RepeatTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.8980080Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/STAThreadTests.cs(16,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.9043800Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/StringArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.9081450Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataDrivenTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.9112020Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TestDiscoveryHookTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.9135710Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyNamesWithDashesTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.9169870Z TUnit.Core.SourceGenerator.Tests -> /Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/bin/Release/net9.0/TUnit.Core.SourceGenerator.Tests.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.9196920Z TUnit.TestProject -> /Users/runner/work/TUnit/TUnit/TUnit.TestProject/bin/Release/net8.0/TUnit.TestProject.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.9227640Z TUnit.Assertions.FSharp -> /Users/runner/work/TUnit/TUnit/TUnit.Assertions.FSharp/bin/Release/net8.0/TUnit.Assertions.FSharp.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:31.9261070Z WebApp -> /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.AspNet.FSharp/WebApp/bin/Release/net9.0/WebApp.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:33.3725940Z TUnit.Assertions.Analyzers.CodeFixers.Tests -> /Users/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers.CodeFixers.Tests/bin/Release/net472/TUnit.Assertions.Analyzers.CodeFixers.Tests.exe -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:35.1103220Z TUnit -> /Users/runner/work/TUnit/TUnit/TUnit/bin/Release/netstandard2.0/TUnit.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:37.9819570Z TUnit.Assertions.SourceGenerator.Tests -> /Users/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator.Tests/bin/Release/net472/TUnit.Assertions.SourceGenerator.Tests.exe -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:38.5209370Z Playground -> /Users/runner/work/TUnit/TUnit/Playground/bin/Release/net8.0/Playground.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:38.7532650Z TUnit.Assertions.SourceGenerator.Tests -> /Users/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator.Tests/bin/Release/net9.0/TUnit.Assertions.SourceGenerator.Tests.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:38.8042930Z TUnit.UnitTests -> /Users/runner/work/TUnit/TUnit/TUnit.UnitTests/bin/Release/net9.0/TUnit.UnitTests.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:45.0159840Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(11,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:45.0255050Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(17,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:45.0358850Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(34,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:45.0485900Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(49,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:45.0577050Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(72,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:45.0686170Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(96,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:45.0818620Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(33,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:45.0920040Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(47,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:45.1032150Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(113,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:45.1126700Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(130,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:45.1254990Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(61,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:45.1367500Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(147,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:45.1370910Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(79,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:45.1474900Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(97,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:45.1644090Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(11,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:45.1748590Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(17,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:45.1833090Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:45.1946310Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:45.1955940Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(40,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:45.2025370Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:45.2089560Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(53,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:45.2103100Z TUnit.Assertions.Tests -> /Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/bin/Release/net9.0/TUnit.Assertions.Tests.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:45.3224070Z TUnit.Core.SourceGenerator.Tests -> /Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/bin/Release/net8.0/TUnit.Core.SourceGenerator.Tests.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:45.4235640Z TUnit.Analyzers.Tests -> /Users/runner/work/TUnit/TUnit/TUnit.Analyzers.Tests/bin/Release/net8.0/TUnit.Analyzers.Tests.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:45.4708090Z TUnit.Assertions.FSharp -> /Users/runner/work/TUnit/TUnit/TUnit.Assertions.FSharp/bin/Release/netstandard2.0/TUnit.Assertions.FSharp.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:46.1035330Z TUnit.TestProject.VB.NET -> /Users/runner/work/TUnit/TUnit/TUnit.TestProject.VB.NET/bin/Release/net9.0/TUnit.TestProject.VB.NET.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:46.2262980Z TUnit.Example.Asp.Net.TestProject -> /Users/runner/work/TUnit/TUnit/TUnit.Example.Asp.Net.TestProject/bin/Release/net9.0/TUnit.Example.Asp.Net.TestProject.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:46.3764110Z TUnit.Engine.Tests -> /Users/runner/work/TUnit/TUnit/TUnit.Engine.Tests/bin/Release/net9.0/TUnit.Engine.Tests.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:46.5318490Z TUnit.Playwright -> /Users/runner/work/TUnit/TUnit/TUnit.Playwright/bin/Release/net9.0/TUnit.Playwright.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:47.7900580Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:47.8011370Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(56,104): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:47.8117090Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(73,121): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:47.8217760Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(90,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:47.8324430Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:47.8426990Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(56,91): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:47.8532300Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_BaseTestClass_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:47.8778010Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_BaseStaticClass_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:47.8794560Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_ComplexData_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:47.8805210Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(39,93): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:47.8817480Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(56,139): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:47.8828770Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(73,162): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:47.8844310Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:47.8862250Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(56,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:47.8879810Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_CustomPropertyDataSourceTests_PropertyInjection.g.cs(39,71): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:47.8892880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_CustomService_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:47.8905250Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_NestedService_PropertyInjection.g.cs(39,89): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:47.8917020Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/PropertyDataSourceInjectionTests.cs(161,111): warning CS8604: Possible null reference argument for parameter 'testInformation' in 'Task<(bool success, object? createdInstance)> DataSourceHelpers.TryCreateWithInitializerAsync(Type type, MethodMetadata testInformation, string testSessionId)'. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:47.8923690Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(14,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:47.8930620Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:47.8936150Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:47.8942420Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:47.8947900Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/EmptyDataSourceTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:47.8954750Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:47.8961810Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/GenericTestGenerationTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:51.7796810Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(17,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:51.7900170Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(34,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:51.8003660Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(49,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:51.8107240Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(11,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:51.8210730Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(72,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:51.8313990Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(33,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:51.8417460Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(47,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:51.8521530Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(96,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:51.8625490Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(113,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:51.8728910Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(61,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:51.8832520Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(130,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:51.8936850Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(147,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:51.9043700Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(79,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:51.9152020Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(97,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:51.9258380Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(11,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:51.9367470Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(17,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:51.9466130Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:51.9573140Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(40,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:51.9686700Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:51.9779980Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:51.9898680Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(53,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:52.0024400Z TUnit.Assertions.Tests -> /Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/bin/Release/net472/TUnit.Assertions.Tests.exe -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:52.0045720Z TUnit.UnitTests -> /Users/runner/work/TUnit/TUnit/TUnit.UnitTests/bin/Release/net472/TUnit.UnitTests.exe -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:53.6638780Z TUnit.Playwright -> /Users/runner/work/TUnit/TUnit/TUnit.Playwright/bin/Release/netstandard2.0/TUnit.Playwright.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:54.4665220Z TUnit.TestProject.VB.NET -> /Users/runner/work/TUnit/TUnit/TUnit.TestProject.VB.NET/bin/Release/net472/TUnit.TestProject.VB.NET.exe -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:55.7198400Z TUnit.Playwright -> /Users/runner/work/TUnit/TUnit/TUnit.Playwright/bin/Release/net8.0/TUnit.Playwright.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:19:59.1739270Z TUnit.TestProject.VB.NET -> /Users/runner/work/TUnit/TUnit/TUnit.TestProject.VB.NET/bin/Release/net8.0/TUnit.TestProject.VB.NET.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7267370Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AbstractTests.cs(29,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7310110Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AbstractTests.cs(47,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7314040Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AfterAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7318080Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7322250Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7326330Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TimeoutCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7348740Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TestDiscoveryHookTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7388140Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/StringArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7399060Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/STAThreadTests.cs(16,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7408790Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/RepeatTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7413400Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/PropertySetterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7417570Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NumberArgumentTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7446150Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NullableByteArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7450300Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NameOfArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7454580Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MultipleClassDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7459220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MethodDataSourceDrivenWithCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7463720Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MethodDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7467540Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MatrixTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7471750Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/PriorityFilteringTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7475690Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/InheritedPropertySetterTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7479840Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/HooksTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7499230Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/HooksTests.cs(18,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7503200Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GlobalStaticBeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7655700Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GlobalStaticAfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7660140Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GenericMethodTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7664350Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/EnumerableTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7668410Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/EnumerableDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7672200Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Dynamic/Basic.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7676820Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DisableReflectionScannerTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7680590Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceGeneratorTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7684350Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceGeneratorTests.cs(28,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7742540Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceClassCombinedWithDataSourceMethodTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7751050Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/CustomDisplayNameTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7756070Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ConstantArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7759850Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataDrivenTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7763780Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ConcreteClassTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7767580Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTests2.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7771320Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7775890Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassAndMethodArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7779810Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassConstructorTest.cs(23,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7796470Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/Issue2887/Issue2887Tests.cs(17,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7800610Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2136/Tests2136.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7804640Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2112/Tests2112.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7809030Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2085/Tests2085.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7813150Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2083/Tests2083.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7817290Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7825220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BeforeAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7836660Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BasicTests.cs(15,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7849040Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AttributeTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7857820Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7864800Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTestsSharedKeyed.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7870570Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyLoaderTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7875430Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyBeforeTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7882520Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyAfterTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7889480Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ArgumentWithImplicitConverterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7895660Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ArgsAsArrayTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7901280Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1304/EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7908100Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7912670Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1538/Tests1538.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7916390Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/ConstantInBaseClassTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7921990Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/ConstantsInInterpolatedStringsTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7925800Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1539/Tests1539.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7929510Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1589/Tests1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7933680Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1589/Hooks1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7938200Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1594/Tests1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7943880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1594/Hooks1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7947600Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1603/Tests1603.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7951290Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1692/Tests1692.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7956580Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1821/Tests1821.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7960330Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1889/Tests1889.cs(22,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7964320Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1899/Tests1899.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7968260Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1899/Tests1899.cs(35,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.7971310Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyNamesWithDashesTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:09.8173330Z TUnit.Core.SourceGenerator.Tests -> /Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/bin/Release/net472/TUnit.Core.SourceGenerator.Tests.exe -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:11.2971890Z TUnit.Assertions.Analyzers.Tests -> /Users/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers.Tests/bin/Release/net472/TUnit.Assertions.Analyzers.Tests.exe -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.3540950Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AbstractBaseClassPropertyInjectionTests.cs(20,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.3646770Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(39,86): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.3753600Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(56,97): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.3855510Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TestCountVerificationTests.cs(6,45): warning CS9113: Parameter 'value' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.3957880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/PropertyInitializationTests.cs(108,91): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.4069100Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/PropertyInitializationTests.cs(98,82): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.4174080Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NotInParallelExecutionTests.cs(28,25): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.4279180Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NotInParallelExecutionTests.cs(53,30): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.4383910Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MixedDataSourceBugTest.cs(5,41): warning CS9113: Parameter 'classValue' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.4488940Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(130,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.4493630Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests2.cs(33,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.4597830Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(100,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.4702450Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(61,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.4803130Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(34,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.4814660Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/DynamicallyRegisteredTests.cs(58,19): warning CS0618: 'TestContext.ReregisterTestWithArguments(object?[]?, Dictionary?)' is obsolete: 'This method is non-functional after the removal of ITestFinder. It will be removed in a future version.' [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.4820010Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ComprehensiveCountTest.cs(8,44): warning CS9113: Parameter 'classValue' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.4823200Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDisplayNameAttributeTests.cs(23,57): warning CS9113: Parameter 'value' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.4825160Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceEnumerableTest.cs(6,51): warning CS9113: Parameter 'value' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.4829230Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AsyncDataSourceExampleTests.cs(59,71): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.4832730Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AsyncDataSourceExampleTests.cs(7,67): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.4835230Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/CombinedParallelConstraintsTests.cs(253,17): warning CS0219: The variable 'hasOverlap' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.4837710Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(254,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.4839780Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(269,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.4841730Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(285,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.4844080Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2887/ReproTest.cs(16,54): warning CS9113: Parameter 'serviceProvider' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.4846430Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2993/ImplicitConversionTests.cs(27,35): warning CS8600: Converting null literal or possible null value to non-nullable type. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.4849030Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2955/InheritedDataSourceTests.cs(68,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.4851140Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2075/Tests.cs(53,45): warning CS9113: Parameter 'factory' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.4853950Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1570/Tests.cs(21,23): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.4856640Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(17,24): warning CS0414: The field 'HookCleanupOnFailureTests._afterAssemblyCount' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.4859170Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(124,25): warning CS0414: The field 'MultipleAfterClassHooksTests._testsExecuted' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.4861760Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(16,24): warning CS0414: The field 'HookCleanupOnFailureTests._beforeAssemblyCount' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5071780Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(14,25): warning CS0414: The field 'HookExceptionHandlingTests._afterAssemblyExecuted' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5485980Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/CallEventReceiverTests.cs(34,28): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5504820Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/DynamicTests/Runtime.cs(13,17): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5508250Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/VerifyFixTest.cs(11,27): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5511070Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TestMixedGenericParameters.cs(8,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5514430Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SmartInferenceTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5516850Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleStaticTest.cs(9,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5519630Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleTupleTest.cs(11,56): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5522860Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SmartInferenceTests.cs(27,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5525970Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(23,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5529090Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5536170Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(56,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5539070Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleHookTest.cs(23,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5542210Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleHookTest.cs(28,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5545040Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleTest.cs(8,71): warning TUnit0301: Tuple parameter 'data2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5547830Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(22,65): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5550660Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(12,73): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5554900Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(32,67): warning TUnit0301: Tuple parameter 'value1' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5557730Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(32,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5561340Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(43,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5564110Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleTest.cs(16,64): warning TUnit0301: Tuple parameter 'data' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5566640Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MultipleDataSourcesTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5569080Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MultipleClassDataGeneratorsTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5571270Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MinimalDiscoveryTest.cs(8,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5573660Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(54,82): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5576860Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(64,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5580940Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(121,45): warning TUnit0046: Return a `Func` rather than a ``. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5583410Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(74,83): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5586190Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(84,88): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5589120Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MethodDataSourceWithArgumentsTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5591720Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookGeneratorTest.cs(9,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5594290Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookGeneratorTest.cs(15,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5596840Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(13,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5599390Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5601860Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(43,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5604390Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(54,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5609050Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5613620Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(63,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5616700Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(110,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5625810Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(123,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5635320Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(79,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5645530Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(9,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5682340Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(20,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5685800Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(52,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5688530Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(61,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5691320Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(70,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5694090Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(41,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5696980Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(49,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5700460Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(57,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5703270Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5706210Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTestExample.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5708940Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMethodTests.cs(11,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5711790Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5714480Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5717170Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5719840Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(22,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5722830Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(36,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5725560Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(47,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5728440Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(59,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5731590Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(15,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5734710Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5737510Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(171,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5740340Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(155,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5743530Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(140,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5746310Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(124,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5749220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5752000Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5754780Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(82,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5758790Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(92,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5767590Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(101,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5776800Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInheritsTestVerification.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5786170Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(110,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5789150Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/FailFastTest.cs(10,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5792150Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceWithMethodDataSourceTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5795650Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/CallEventReceiverTests.cs(25,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5799090Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceDrivenTestsSharedKeyed3.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5804880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceDrivenTestsSharedKeyed2.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5807580Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(219,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5810240Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(234,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5812960Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(249,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5815790Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(264,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5818970Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(279,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5821750Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ArgumentsWithClassDataSourceTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5824510Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AllDataSourcesCombinedTestsVerification.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5827220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AllDataSourcesCombinedTests.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5829840Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(388,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5832940Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(400,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5835950Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(412,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5838590Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(423,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5841200Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(435,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5843850Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(446,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5846500Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(377,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5849060Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(316,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5852140Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(327,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5856590Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(338,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5859420Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(349,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5862220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(178,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5865130Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(171,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5867760Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(102,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5870360Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(197,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5873040Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(113,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5875640Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(20,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5878300Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(31,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5881050Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(322,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5886510Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(200,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5889240Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(127,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5891960Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(223,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5894660Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(59,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5898070Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(101,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5900710Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(52,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.5903280Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(69,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.6069080Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(80,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.6645720Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(90,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.6669310Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(346,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.6685760Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(256,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.6723120Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2798/Tests.cs(16,36): warning TUnit0046: Return a `Func` rather than a ``. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.6728380Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2757/Tests.cs(20,41): warning TUnit0046: Return a `Func` rather than a ``. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.6774550Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(106,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.6778090Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(358,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.7060220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(153,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.7064110Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(163,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.7066610Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3185/BugRepro3185.cs(88,19): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.7069200Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2867/DisposalNotCalledTests.cs(267,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.7071830Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2504CollectionExpressionTest.cs(62,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.7086080Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2136/Tests.cs(14,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.7089340Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3219/ClassDataSourceRetryTests.cs(46,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.7092270Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3219/ClassDataSourceRetryTests.cs(77,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:13.8355270Z TUnit.TestProject -> /Users/runner/work/TUnit/TUnit/TUnit.TestProject/bin/Release/net9.0/TUnit.TestProject.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:14.5552940Z TUnit.Analyzers.Tests -> /Users/runner/work/TUnit/TUnit/TUnit.Analyzers.Tests/bin/Release/net472/TUnit.Analyzers.Tests.exe -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:22.8686880Z TestProject -> /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.AspNet.FSharp/TestProject/bin/Release/net9.0/TestProject.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:23.2155860Z TUnit.TestProject.FSharp -> /Users/runner/work/TUnit/TUnit/TUnit.TestProject.FSharp/bin/Release/net472/TUnit.TestProject.FSharp.exe -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:24.4452400Z TUnit.TestProject.FSharp -> /Users/runner/work/TUnit/TUnit/TUnit.TestProject.FSharp/bin/Release/net8.0/TUnit.TestProject.FSharp.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:24.7632280Z TUnit.TestProject.FSharp -> /Users/runner/work/TUnit/TUnit/TUnit.TestProject.FSharp/bin/Release/net9.0/TUnit.TestProject.FSharp.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:33.7125110Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TestCountVerificationTests.cs(6,45): warning CS9113: Parameter 'value' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:33.7237840Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AsyncDataSourceExampleTests.cs(7,67): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:33.7297250Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AsyncDataSourceExampleTests.cs(59,71): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:33.7406700Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1570/Tests.cs(21,23): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:33.7532190Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceEnumerableTest.cs(6,51): warning CS9113: Parameter 'value' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:33.7637990Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(39,86): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:33.7749270Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(56,97): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:33.7860940Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(52,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:33.8058280Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(69,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:33.8162680Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(86,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:33.8271100Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(112,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:33.8372850Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(138,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:33.8496920Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(171,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:33.8499810Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDisplayNameAttributeTests.cs(23,57): warning CS9113: Parameter 'value' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:33.8607900Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(53,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:33.8715050Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(71,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:33.8837130Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(89,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:33.8943420Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(112,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:33.9059820Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(204,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:33.9168900Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(244,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:33.9285080Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(293,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:33.9362760Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(254,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:33.9469590Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(269,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:33.9581530Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(285,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:33.9687420Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AbstractBaseClassPropertyInjectionTests.cs(20,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:33.9791460Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(135,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:33.9897810Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(163,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0004100Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(191,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0103440Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(224,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0209360Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(266,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0311370Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2955/InheritedDataSourceTests.cs(68,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0414750Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/PropertyInitializationTests.cs(108,91): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0450540Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/PropertyInitializationTests.cs(98,82): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0471600Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NotInParallelExecutionTests.cs(28,25): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0518080Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NotInParallelExecutionTests.cs(53,30): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0589140Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests2.cs(33,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0602430Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(130,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0642950Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MixedDataSourceBugTest.cs(5,41): warning CS9113: Parameter 'classValue' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0665930Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/DynamicallyRegisteredTests.cs(58,19): warning CS0618: 'TestContext.ReregisterTestWithArguments(object?[]?, Dictionary?)' is obsolete: 'This method is non-functional after the removal of ITestFinder. It will be removed in a future version.' [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0691800Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ComprehensiveCountTest.cs(8,44): warning CS9113: Parameter 'classValue' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0716240Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(100,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0738910Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(61,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0769120Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(34,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0783220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/CombinedParallelConstraintsTests.cs(253,17): warning CS0219: The variable 'hasOverlap' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0796740Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2887/ReproTest.cs(16,54): warning CS9113: Parameter 'serviceProvider' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0829170Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2993/ImplicitConversionTests.cs(27,35): warning CS8600: Converting null literal or possible null value to non-nullable type. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0836110Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(14,25): warning CS0414: The field 'HookExceptionHandlingTests._afterAssemblyExecuted' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0862040Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(124,25): warning CS0414: The field 'MultipleAfterClassHooksTests._testsExecuted' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0871970Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(17,24): warning CS0414: The field 'HookCleanupOnFailureTests._afterAssemblyCount' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0880500Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(16,24): warning CS0414: The field 'HookCleanupOnFailureTests._beforeAssemblyCount' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0887750Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/DynamicTests/Runtime.cs(13,17): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0906090Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/CallEventReceiverTests.cs(34,28): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0909490Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/VerifyFixTest.cs(11,27): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0918380Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TestMixedGenericParameters.cs(8,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0945050Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AllDataSourcesCombinedTestsVerification.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0956630Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AllDataSourcesCombinedTests.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0975590Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ArgumentsWithClassDataSourceTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0986760Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/CallEventReceiverTests.cs(25,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.0993350Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(219,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.1001880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(234,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.1024760Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceDrivenTestsSharedKeyed2.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.1071210Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceDrivenTestsSharedKeyed3.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.1205050Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(249,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.1313830Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(264,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.1316910Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(279,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.1442230Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceWithMethodDataSourceTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.1606570Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(377,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.1729470Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(388,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.1838060Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(400,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.1944670Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(412,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2051180Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(423,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2134220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(435,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2156580Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2136/Tests.cs(14,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2178090Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(446,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2181380Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(316,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2185880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(327,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2188820Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2757/Tests.cs(20,41): warning TUnit0046: Return a `Func` rather than a ``. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2191300Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2798/Tests.cs(16,36): warning TUnit0046: Return a `Func` rather than a ``. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2194710Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(338,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2198570Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(349,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2201330Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(197,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2205580Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(52,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2208480Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(69,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2212040Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2867/DisposalNotCalledTests.cs(267,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2231490Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3185/BugRepro3185.cs(88,19): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2258280Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(106,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2270100Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SmartInferenceTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2297810Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SmartInferenceTests.cs(27,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2329830Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleStaticTest.cs(9,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2341570Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleHookTest.cs(23,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2344690Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleHookTest.cs(28,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2369960Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(56,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2384470Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(23,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2440400Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleTupleTest.cs(11,56): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2461130Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2480430Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/RunOnSkipTests.cs(38,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2495510Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/RunOnSkipTests.cs(52,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2514340Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleTest.cs(8,71): warning TUnit0301: Tuple parameter 'data2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2523910Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleTest.cs(16,64): warning TUnit0301: Tuple parameter 'data' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2547700Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(12,73): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2575850Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(22,65): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2666060Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MultipleDataSourcesTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2702480Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MinimalDiscoveryTest.cs(8,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2717920Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MethodDataSourceWithArgumentsTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2813630Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MultipleClassDataGeneratorsTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2821270Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookGeneratorTest.cs(9,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.2930200Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(13,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.3038490Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookGeneratorTest.cs(15,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.3089340Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(32,67): warning TUnit0301: Tuple parameter 'value1' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.3120980Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(32,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.3137940Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.3166890Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.3198840Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(43,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.3207950Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(54,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.3220250Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(63,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.3250550Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(9,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.3253800Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(70,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.3268740Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(41,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.3280720Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(20,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.3292440Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(49,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.3304280Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(52,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.3326640Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(57,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.3334220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(61,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.3364630Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(110,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.3501970Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(123,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.3620990Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(79,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.3731150Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTestExample.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.3840480Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.3942550Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.4051440Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.4159080Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(22,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.4262920Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(59,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.4360550Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(15,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.4466640Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(36,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.4583970Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.4692130Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(47,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.4794700Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInheritsTestVerification.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.4899180Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(171,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5000050Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(155,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5100520Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(140,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5206640Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(124,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5310690Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5408670Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5516360Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMethodTests.cs(11,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5615490Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/FailFastTest.cs(10,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5708610Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(82,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5746590Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(92,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5749540Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(101,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5752210Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(110,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5755270Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(43,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5758440Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(54,82): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5761800Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(64,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5764380Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(121,45): warning TUnit0046: Return a `Func` rather than a ``. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5767050Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(74,83): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5778440Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(84,88): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5796830Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(171,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5809170Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(178,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5836660Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(200,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5864370Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(113,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5891160Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(102,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5901470Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(20,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5904410Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(31,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5907660Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(322,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5911490Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(223,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5916180Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(346,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5919500Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(256,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5923250Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(358,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5931770Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(127,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5937690Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(153,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5941250Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(163,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5946990Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(80,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5954190Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(90,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5958370Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2504CollectionExpressionTest.cs(62,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.5988450Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3219/ClassDataSourceRetryTests.cs(46,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.6007630Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(59,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.6045740Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(101,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.6058270Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3219/ClassDataSourceRetryTests.cs(77,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.6083750Z TUnit.TestProject -> /Users/runner/work/TUnit/TUnit/TUnit.TestProject/bin/Release/net472/TUnit.TestProject.exe -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:34.6103130Z TUnit.PublicAPI -> /Users/runner/work/TUnit/TUnit/TUnit.PublicAPI/bin/Release/net9.0/TUnit.PublicAPI.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:36.5698560Z TUnit.PublicAPI -> /Users/runner/work/TUnit/TUnit/TUnit.PublicAPI/bin/Release/net8.0/TUnit.PublicAPI.dll -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:36.7727150Z TUnit.PublicAPI -> /Users/runner/work/TUnit/TUnit/TUnit.PublicAPI/bin/Release/net472/TUnit.PublicAPI.exe -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.0014730Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.0124950Z Build succeeded. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.0225530Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.0328960Z /Users/runner/.nuget/packages/system.text.encodings.web/9.0.0/buildTransitive/netcoreapp2.0/System.Text.Encodings.Web.targets(4,5): warning : System.Text.Encodings.Web 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.0433930Z /Users/runner/.nuget/packages/system.io.pipelines/9.0.0/buildTransitive/netcoreapp2.0/System.IO.Pipelines.targets(4,5): warning : System.IO.Pipelines 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.0536500Z /Users/runner/.nuget/packages/microsoft.bcl.asyncinterfaces/9.0.0/buildTransitive/netcoreapp2.0/Microsoft.Bcl.AsyncInterfaces.targets(4,5): warning : Microsoft.Bcl.AsyncInterfaces 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.0641360Z /Users/runner/.nuget/packages/system.text.json/9.0.0/buildTransitive/netcoreapp2.0/System.Text.Json.targets(4,5): warning : System.Text.Json 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.0752020Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers/AnalyzerReleases.Shipped.md(5,1): warning RS2007: Analyzer release file 'AnalyzerReleases.Shipped.md' has a missing or invalid release header '#### Assertion Usage Rules' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers/TUnit.Assertions.Analyzers.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.0860460Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Analyzers/AnalyzerReleases.Shipped.md(5,1): warning RS2007: Analyzer release file 'AnalyzerReleases.Shipped.md' has a missing or invalid release header '#### Test Method and Structure Rules' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [/Users/runner/work/TUnit/TUnit/TUnit.Analyzers/TUnit.Analyzers.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.0977330Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator/Generators/AssertionMethodGenerator.cs(113,21): warning CS8604: Possible null reference argument for parameter 'MethodName' in 'CreateAssertionAttributeData.CreateAssertionAttributeData(INamedTypeSymbol TargetType, INamedTypeSymbol ContainingType, string MethodName, string? CustomName, bool NegateLogic, bool RequiresGenericTypeParameter, bool TreatAsInstance)'. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator/TUnit.Assertions.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.1086460Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator/Generators/AssertionMethodGenerator.cs(220,21): warning CS8604: Possible null reference argument for parameter 'MethodName' in 'CreateAssertionAttributeData.CreateAssertionAttributeData(INamedTypeSymbol TargetType, INamedTypeSymbol ContainingType, string MethodName, string? CustomName, bool NegateLogic, bool RequiresGenericTypeParameter, bool TreatAsInstance)'. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.SourceGenerator/TUnit.Assertions.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.1197800Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/AotMethodInvocationGenerator.cs(168,52): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.1296700Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/CodeGenerators/Helpers/TupleArgumentHelper.cs(72,37): warning CS8600: Converting null literal or possible null value to non-nullable type. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.1418340Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(688,54): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.1524730Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2207,20): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.1632290Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2215,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.1741010Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2235,24): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.1846720Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2244,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.1855910Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/AotMethodInvocationGenerator.cs(168,52): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.2014920Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/CodeGenerators/Helpers/TupleArgumentHelper.cs(72,37): warning CS8600: Converting null literal or possible null value to non-nullable type. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.2152960Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(688,54): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.2174640Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2207,20): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.2333760Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2215,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.2459090Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2235,24): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.2484760Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2244,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn44/TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.2592040Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/CodeGenerators/Helpers/TupleArgumentHelper.cs(72,37): warning CS8600: Converting null literal or possible null value to non-nullable type. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.2697280Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/AotMethodInvocationGenerator.cs(168,52): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.2802520Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(688,54): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.2907570Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2207,20): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.2995760Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2215,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.3067500Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2235,24): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.3097660Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2244,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn47/TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.3217040Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Analyzers/MultipleConstructorsAnalyzer.cs(13,15): warning RS2008: Enable analyzer release tracking for the analyzer project containing rule 'TUnit0052' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [/Users/runner/work/TUnit/TUnit/TUnit.Analyzers.Roslyn47/TUnit.Analyzers.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.3226630Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.3235050Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.3238350Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.3241630Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.3244920Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.3248480Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.3252690Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.3255940Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.3259470Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.3264650Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/Bugs/1889/BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject.Library/TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.3267430Z /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.FSharp/TestProject.fsproj : warning NU1504: Duplicate 'PackageReference' items found. Remove the duplicate items or use the Update functionality to ensure a consistent restore behavior. The duplicate 'PackageReference' items are: TUnit.Assertions.FSharp *, TUnit.Assertions.FSharp 0.61.39. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.3285860Z /Users/runner/work/TUnit/TUnit/TUnit.Templates/content/TUnit.AspNet.FSharp/TestProject/TestProject.fsproj : warning NU1504: Duplicate 'PackageReference' items found. Remove the duplicate items or use the Update functionality to ensure a consistent restore behavior. The duplicate 'PackageReference' items are: TUnit.Assertions.FSharp *, TUnit.Assertions.FSharp 0.61.39. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.3316620Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Analyzers/MultipleConstructorsAnalyzer.cs(13,15): warning RS2008: Enable analyzer release tracking for the analyzer project containing rule 'TUnit0052' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [/Users/runner/work/TUnit/TUnit/TUnit.Analyzers.Roslyn414/TUnit.Analyzers.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.3329580Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/AotMethodInvocationGenerator.cs(168,52): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.3377800Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/CodeGenerators/Helpers/TupleArgumentHelper.cs(72,37): warning CS8600: Converting null literal or possible null value to non-nullable type. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.3391570Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(688,54): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.3440180Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2207,20): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.3546120Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2215,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.3651560Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2235,24): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.3776110Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator/Generators/TestMetadataGenerator.cs(2244,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Roslyn414/TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.3880480Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Templates.Tests/BasicTemplateTests.cs(16,9): warning TUnit0018: Test methods should not assign instance data [/Users/runner/work/TUnit/TUnit/TUnit.Templates.Tests/TUnit.Templates.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.3986670Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Templates.Tests/BasicTemplateTests.cs(23,9): warning TUnit0018: Test methods should not assign instance data [/Users/runner/work/TUnit/TUnit/TUnit.Templates.Tests/TUnit.Templates.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.4092670Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Templates.Tests/AspNetTemplateTests.cs(16,9): warning TUnit0018: Test methods should not assign instance data [/Users/runner/work/TUnit/TUnit/TUnit.Templates.Tests/TUnit.Templates.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.4203650Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.4310110Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(56,91): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.4422210Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_BaseStaticClass_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.4536640Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/PropertyDataSourceInjectionTests.cs(161,111): warning CS8604: Possible null reference argument for parameter 'testInformation' in 'Task<(bool success, object? createdInstance)> DataSourceHelpers.TryCreateWithInitializerAsync(Type type, MethodMetadata testInformation, string testSessionId)'. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.4642980Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(39,93): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.4647610Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(56,139): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.4753630Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(73,162): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.4861450Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_NestedService_PropertyInjection.g.cs(39,89): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.4967010Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_CustomService_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.5082870Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_BaseTestClass_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.5188550Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.5294780Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(56,104): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.5402420Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(73,121): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.5519710Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(90,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.5626160Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_ComplexData_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.5743580Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.5748960Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(56,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.5866990Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_CustomPropertyDataSourceTests_PropertyInjection.g.cs(39,71): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.5972620Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(14,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.6105420Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/GenericTestGenerationTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.6214350Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.6334490Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.6444490Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.6450630Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.6554310Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/EmptyDataSourceTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.6661130Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.6768560Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(56,91): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.6891410Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_BaseStaticClass_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.7024480Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.7130850Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(56,104): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.7237540Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(73,121): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.7348140Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(90,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.7353730Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(39,93): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.7470010Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(56,139): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.7583060Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(73,162): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.7697630Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_CustomService_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.7804400Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_CustomPropertyDataSourceTests_PropertyInjection.g.cs(39,71): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.7915300Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_BaseTestClass_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.8020920Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_NestedService_PropertyInjection.g.cs(39,89): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.8129670Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_ComplexData_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.8236300Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.8344390Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(56,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.8454560Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/PropertyDataSourceInjectionTests.cs(161,111): warning CS8604: Possible null reference argument for parameter 'testInformation' in 'Task<(bool success, object? createdInstance)> DataSourceHelpers.TryCreateWithInitializerAsync(Type type, MethodMetadata testInformation, string testSessionId)'. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.8457440Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(14,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.8560940Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.8664270Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.8769280Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/GenericTestGenerationTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.8874850Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.8981150Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.9086760Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/EmptyDataSourceTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.9191310Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(17,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.9300210Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(11,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.9404930Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(34,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.9508650Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(33,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.9612340Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(49,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.9716430Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(72,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.9822200Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(47,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:37.9928420Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(96,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.0039720Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(113,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.0074020Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(61,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.0183850Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(130,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.0287190Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(79,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.0390880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(147,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.0521780Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(97,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.0628230Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(11,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.0662960Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(17,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.0811760Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.0962270Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.1066960Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(40,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.1178890Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.1290840Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(53,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.1356930Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AfterAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.1468100Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AbstractTests.cs(29,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.1577650Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AbstractTests.cs(47,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.1689010Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.1738030Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.1835370Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TimeoutCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.1940530Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ArgsAsArrayTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.2043640Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ArgumentWithImplicitConverterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.2146610Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyAfterTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.2251990Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyBeforeTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.2361260Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AttributeTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.2474880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BeforeAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.2584890Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.2681860Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BasicTests.cs(15,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.2812950Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/Issue2887/Issue2887Tests.cs(17,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.2893950Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1304/EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.2999360Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.3104400Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2136/Tests2136.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.3209480Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/ConstantInBaseClassTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.3314430Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1538/Tests1538.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.3415530Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassAndMethodArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.3518900Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.3619820Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTests2.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.3721210Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTestsSharedKeyed.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.3824650Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.3925460Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1589/Tests1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.4026370Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ConstantArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.4127210Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1594/Hooks1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.4231530Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1603/Tests1603.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.4331570Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataDrivenTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.4433520Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1692/Tests1692.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.4534510Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceClassCombinedWithDataSourceMethodTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.4640140Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/CustomDisplayNameTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.4650850Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceGeneratorTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.4767410Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassConstructorTest.cs(23,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.4866680Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DisableReflectionScannerTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.4972450Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1821/Tests1821.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.5072220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Dynamic/Basic.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.5157590Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/EnumerableDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.5263340Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1889/Tests1889.cs(22,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.5372260Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1899/Tests1899.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.5481300Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/EnumerableTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.5578230Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1899/Tests1899.cs(35,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.5679630Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GenericMethodTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.5784570Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GlobalStaticAfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.5884800Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GlobalStaticBeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.5985850Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/HooksTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.6091270Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/HooksTests.cs(18,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.6191530Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/InheritedPropertySetterTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.6296530Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyLoaderTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.6396880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MatrixTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.6497910Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2083/Tests2083.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.6602340Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2112/Tests2112.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.6709520Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MethodDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.6804700Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MethodDataSourceDrivenWithCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.6906000Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MultipleClassDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.7009300Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NameOfArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.7116540Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NullableByteArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.7216840Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2085/Tests2085.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.7317550Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NumberArgumentTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.7417040Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/ConstantsInInterpolatedStringsTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.7527200Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/PropertySetterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.7627650Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/RepeatTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.7734460Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/STAThreadTests.cs(16,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.7841130Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/StringArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.7942940Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TestDiscoveryHookTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.8044430Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceGeneratorTests.cs(28,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.8168810Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1539/Tests1539.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.8243460Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1589/Hooks1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.8353060Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1594/Tests1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.8451300Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ConcreteClassTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.8556230Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/PriorityFilteringTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.8655960Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyNamesWithDashesTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.8759630Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AbstractBaseClassPropertyInjectionTests.cs(20,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.8861180Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(39,86): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.8961670Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(56,97): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.9061350Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TestCountVerificationTests.cs(6,45): warning CS9113: Parameter 'value' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.9165530Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/PropertyInitializationTests.cs(108,91): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.9267030Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/PropertyInitializationTests.cs(98,82): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.9366780Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NotInParallelExecutionTests.cs(28,25): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.9471480Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MixedDataSourceBugTest.cs(5,41): warning CS9113: Parameter 'classValue' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.9572150Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(130,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.9672610Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests2.cs(33,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.9776180Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NotInParallelExecutionTests.cs(53,30): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.9877390Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(100,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:38.9983880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(61,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.0084260Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(34,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.0194060Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/DynamicallyRegisteredTests.cs(58,19): warning CS0618: 'TestContext.ReregisterTestWithArguments(object?[]?, Dictionary?)' is obsolete: 'This method is non-functional after the removal of ITestFinder. It will be removed in a future version.' [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.0201070Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ComprehensiveCountTest.cs(8,44): warning CS9113: Parameter 'classValue' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.0305690Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDisplayNameAttributeTests.cs(23,57): warning CS9113: Parameter 'value' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.0409170Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceEnumerableTest.cs(6,51): warning CS9113: Parameter 'value' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.0514010Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AsyncDataSourceExampleTests.cs(59,71): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.0619210Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AsyncDataSourceExampleTests.cs(7,67): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.0722910Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/CombinedParallelConstraintsTests.cs(253,17): warning CS0219: The variable 'hasOverlap' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.0830510Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(254,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.0936080Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(269,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.1039490Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(285,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.1142920Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2887/ReproTest.cs(16,54): warning CS9113: Parameter 'serviceProvider' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.1246460Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2993/ImplicitConversionTests.cs(27,35): warning CS8600: Converting null literal or possible null value to non-nullable type. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.1351060Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1570/Tests.cs(21,23): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.1455140Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2955/InheritedDataSourceTests.cs(68,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.1559180Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(17,24): warning CS0414: The field 'HookCleanupOnFailureTests._afterAssemblyCount' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.1663880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(124,25): warning CS0414: The field 'MultipleAfterClassHooksTests._testsExecuted' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.1767960Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(14,25): warning CS0414: The field 'HookExceptionHandlingTests._afterAssemblyExecuted' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.1891030Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(16,24): warning CS0414: The field 'HookCleanupOnFailureTests._beforeAssemblyCount' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.1999980Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/DynamicTests/Runtime.cs(13,17): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.2104250Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/CallEventReceiverTests.cs(34,28): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.2108470Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/VerifyFixTest.cs(11,27): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.2217340Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AllDataSourcesCombinedTestsVerification.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.2322550Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AllDataSourcesCombinedTests.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.2430190Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ArgumentsWithClassDataSourceTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.2535390Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TestMixedGenericParameters.cs(8,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.2657110Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SmartInferenceTests.cs(27,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.2781440Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SmartInferenceTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.2870720Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleStaticTest.cs(9,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.2976070Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleTupleTest.cs(11,56): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.3080460Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleHookTest.cs(23,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.3184500Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleHookTest.cs(28,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.3288850Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(56,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.3393170Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(23,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.3493500Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.3598010Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleTest.cs(8,71): warning TUnit0301: Tuple parameter 'data2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.3702400Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(12,73): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.3806250Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleTest.cs(16,64): warning TUnit0301: Tuple parameter 'data' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.3906960Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MultipleClassDataGeneratorsTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.4010560Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MinimalDiscoveryTest.cs(8,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.4114770Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(22,65): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.4229250Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(32,67): warning TUnit0301: Tuple parameter 'value1' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.4330490Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(32,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.4444390Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MultipleDataSourcesTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.4452780Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(43,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.4559100Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MethodDataSourceWithArgumentsTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.4663340Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(54,82): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.4767330Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookGeneratorTest.cs(9,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.4871400Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookGeneratorTest.cs(15,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.4975230Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(64,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.5078720Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(121,45): warning TUnit0046: Return a `Func` rather than a ``. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.5182390Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(79,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.5286670Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(9,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.5390950Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(70,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.5494980Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(20,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.5598680Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(52,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.5702270Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.5816990Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(13,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.5920700Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.6024670Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(74,83): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.6129160Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(84,88): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.6232890Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTestExample.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.6340710Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.6457340Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.6466500Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMethodTests.cs(11,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.6587440Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(22,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.6700150Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(36,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.6812140Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(59,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.6938810Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(15,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.7052110Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.7160720Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(41,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.7170210Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(49,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.7279950Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(57,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.7386120Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(155,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.7489840Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(140,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.7561980Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.7667130Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.7779550Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(82,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.7886400Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(92,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.7996300Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.8095830Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(43,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.8203930Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(54,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.8310290Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/FailFastTest.cs(10,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.8415070Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.8520330Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(61,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.8569970Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInheritsTestVerification.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.8675000Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(47,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.8784270Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(171,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.8892860Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(124,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.8997220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(101,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.9072460Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(110,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.9185750Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(63,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.9294340Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(110,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.9400840Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(123,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.9502650Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceWithMethodDataSourceTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.9606770Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceDrivenTestsSharedKeyed3.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.9711760Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/CallEventReceiverTests.cs(25,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.9815540Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceDrivenTestsSharedKeyed2.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:39.9919820Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(219,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.0023640Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(234,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.0125430Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(249,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.0229470Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(264,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.0337140Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(279,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.0446520Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(388,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.0554010Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(400,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.0654790Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(377,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.0758720Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(412,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.0866470Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(423,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.0968410Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(435,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.1078740Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(446,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.1197030Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(316,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.1205580Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(327,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.1311630Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(338,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.1421110Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(349,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.1530300Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(197,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.1649800Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(52,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.1756780Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(69,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.1865410Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(106,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.1971980Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(171,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.2101330Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(178,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.2203980Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(200,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.2305900Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(102,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.2410450Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(113,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.2514710Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(20,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.2522060Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(31,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.2627150Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(322,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.2730970Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(127,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.2834670Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(59,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.2938970Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2504CollectionExpressionTest.cs(62,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.3042580Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3219/ClassDataSourceRetryTests.cs(46,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.3146320Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(163,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.3250140Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(80,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.3358150Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(153,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.3464560Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(90,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.3567870Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2798/Tests.cs(16,36): warning TUnit0046: Return a `Func` rather than a ``. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.3680500Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2757/Tests.cs(20,41): warning TUnit0046: Return a `Func` rather than a ``. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.3784110Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2136/Tests.cs(14,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.3887720Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2867/DisposalNotCalledTests.cs(267,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.3997530Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(223,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.4122650Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(256,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.4269720Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(346,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.4293450Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(101,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.4413120Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(358,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.4553990Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3219/ClassDataSourceRetryTests.cs(77,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.4663260Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3185/BugRepro3185.cs(88,19): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.4775220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AfterAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.4779820Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.4906990Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AbstractTests.cs(29,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.5025180Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AbstractTests.cs(47,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.5134390Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ArgsAsArrayTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.5254350Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ArgumentWithImplicitConverterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.5359410Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyAfterTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.5467060Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyBeforeTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.5581710Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.5585700Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TimeoutCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.5690640Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyLoaderTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.5784220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BasicTests.cs(15,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.5891500Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BeforeAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.5996040Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AttributeTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.6100730Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.6205590Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassAndMethodArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.6306750Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassConstructorTest.cs(23,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.6411250Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.6516400Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTests2.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.6621390Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTestsSharedKeyed.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.6725440Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.6827040Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ConcreteClassTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.6937460Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ConstantArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.7039950Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/CustomDisplayNameTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.7146220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.7251650Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1692/Tests1692.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.7359650Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceGeneratorTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.7465810Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceClassCombinedWithDataSourceMethodTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.7570780Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceGeneratorTests.cs(28,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.7676070Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/ConstantInBaseClassTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.7780820Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DisableReflectionScannerTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.7790300Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1589/Tests1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.7895950Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1821/Tests1821.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.8003790Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/EnumerableDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.8110500Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/EnumerableTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.8216680Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GenericMethodTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.8292730Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1603/Tests1603.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.8393360Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1899/Tests1899.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.8504490Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1538/Tests1538.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.8622440Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1899/Tests1899.cs(35,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.8727630Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GlobalStaticAfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.8833150Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1594/Hooks1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.8938380Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GlobalStaticBeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.9043660Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1889/Tests1889.cs(22,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.9148520Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/ConstantsInInterpolatedStringsTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.9253360Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/HooksTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.9358640Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/HooksTests.cs(18,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.9463680Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2083/Tests2083.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.9568360Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Dynamic/Basic.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.9673410Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/InheritedPropertySetterTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.9779130Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1539/Tests1539.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.9881280Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2085/Tests2085.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:40.9985510Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2112/Tests2112.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.0101800Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2136/Tests2136.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.0194490Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1594/Tests1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.0210540Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MatrixTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.0318250Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MethodDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.0423120Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MethodDataSourceDrivenWithCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.0529350Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NameOfArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.0634910Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MultipleClassDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.0745120Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NullableByteArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.0860580Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/Issue2887/Issue2887Tests.cs(17,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.0968320Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NumberArgumentTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.1076230Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1304/EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.1181210Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/PriorityFilteringTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.1286330Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/PropertySetterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.1392290Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1589/Hooks1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.1497820Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/RepeatTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.1603560Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/STAThreadTests.cs(16,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.1708950Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/StringArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.1724860Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataDrivenTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.1834900Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TestDiscoveryHookTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.1943580Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyNamesWithDashesTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.2048070Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(11,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.2164900Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(17,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.2274120Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(34,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.2386740Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(49,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.2524960Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(72,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.2597110Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(96,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.2718250Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(33,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.2829730Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(47,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.2933520Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(113,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.3048440Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(130,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.3155250Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(61,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.3261980Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(147,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.3264710Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(79,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.3367520Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(97,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.3475380Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(11,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.3578950Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(17,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.3685660Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.3789620Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.3833220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(40,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.3899010Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.3968020Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(53,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.4046120Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.4156640Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(56,104): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.4162810Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(73,121): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.4331590Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(90,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.4445720Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.4567530Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(56,91): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.4585750Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_BaseTestClass_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.4675320Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_BaseStaticClass_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.4783670Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_PropertyDataSourceInjectionTests_ComplexData_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.4893880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(39,93): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.5025330Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(56,139): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.5153250Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(73,162): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.5202010Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.5353590Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(56,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.5564020Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_CustomPropertyDataSourceTests_PropertyInjection.g.cs(39,71): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.5641790Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_CustomService_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.5781310Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_UnitTests_NestedService_PropertyInjection.g.cs(39,89): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.5786390Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/PropertyDataSourceInjectionTests.cs(161,111): warning CS8604: Possible null reference argument for parameter 'testInformation' in 'Task<(bool success, object? createdInstance)> DataSourceHelpers.TryCreateWithInitializerAsync(Type type, MethodMetadata testInformation, string testSessionId)'. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.5897020Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(14,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.6021270Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.6159210Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.6258210Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.6371520Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/EmptyDataSourceTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.6515320Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/DependencyResolutionFailureTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.6573410Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/GenericTestGenerationTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.UnitTests/TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.6782590Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(17,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.6803560Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(34,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.6907970Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(49,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.7012200Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(11,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.7117160Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(72,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.7222020Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(33,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.7347040Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(47,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.7460280Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(96,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.7517260Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(113,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.7630810Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(61,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.7773090Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(130,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.7776790Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/AssertConditions/BecauseTests.cs(147,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.7892700Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(79,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.8000700Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ThrowInDelegateValueAssertionTests.cs(97,13): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.8135400Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(11,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.8238880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(17,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.8350550Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.8454640Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(40,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.8492470Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.8606700Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.8711210Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/ParseAssertionTests.cs(53,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests/TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.8816890Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AbstractTests.cs(29,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.8956520Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AbstractTests.cs(47,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.9061120Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AfterAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.9172830Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.9288770Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.9394500Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TimeoutCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.9499440Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TestDiscoveryHookTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.9605690Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/StringArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.9722980Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/STAThreadTests.cs(16,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.9726670Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/RepeatTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.9854540Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/PropertySetterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:41.9982330Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NumberArgumentTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.0090260Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NullableByteArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.0195630Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/NameOfArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.0317090Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MultipleClassDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.0423540Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MethodDataSourceDrivenWithCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.0543890Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MethodDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.0549030Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/MatrixTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.0708060Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/PriorityFilteringTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.0900030Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/InheritedPropertySetterTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.0903870Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/HooksTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.1058370Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/HooksTests.cs(18,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.1165110Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GlobalStaticBeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.1269920Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GlobalStaticAfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.1334760Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/GenericMethodTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.1453630Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/EnumerableTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.1558430Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/EnumerableDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.1663100Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Dynamic/Basic.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.1768100Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DisableReflectionScannerTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.1893700Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceGeneratorTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.2005620Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceGeneratorTests.cs(28,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.2124580Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataSourceClassCombinedWithDataSourceMethodTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.2234230Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/CustomDisplayNameTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.2298170Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ConstantArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.2455410Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/DataDrivenTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.2576920Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ConcreteClassTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.2682220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTests2.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.2788920Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.2894250Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassAndMethodArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.2998940Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassConstructorTest.cs(23,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.3115890Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/Issue2887/Issue2887Tests.cs(17,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.3259450Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2136/Tests2136.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.3364310Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2112/Tests2112.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.3469860Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2085/Tests2085.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.3575150Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/2083/Tests2083.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.3579030Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.3685180Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BeforeAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.3790220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/BasicTests.cs(15,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.3895160Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AttributeTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4000100Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4104810Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ClassDataSourceDrivenTestsSharedKeyed.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4149870Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyLoaderTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4189640Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyBeforeTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4237370Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyAfterTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4276460Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ArgumentWithImplicitConverterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4281650Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/ArgsAsArrayTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4315290Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1304/EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4325170Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4371120Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1538/Tests1538.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4394230Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/ConstantInBaseClassTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4440610Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1432/ConstantsInInterpolatedStringsTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4482550Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1539/Tests1539.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4527990Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1589/Tests1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4578880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1589/Hooks1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4654360Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1594/Tests1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4746560Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1594/Hooks1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4813180Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1603/Tests1603.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4838010Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1692/Tests1692.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4862000Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1821/Tests1821.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4895570Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1889/Tests1889.cs(22,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4920080Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1899/Tests1899.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4931080Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/Bugs/1899/Tests1899.cs(35,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4941920Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/AssemblyNamesWithDashesTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests/TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4948810Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AbstractBaseClassPropertyInjectionTests.cs(20,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4971860Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(39,86): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4980080Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(56,97): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4982920Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TestCountVerificationTests.cs(6,45): warning CS9113: Parameter 'value' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.4991260Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/PropertyInitializationTests.cs(108,91): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.5026570Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/PropertyInitializationTests.cs(98,82): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.5033320Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NotInParallelExecutionTests.cs(28,25): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.5038750Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NotInParallelExecutionTests.cs(53,30): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.5045250Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MixedDataSourceBugTest.cs(5,41): warning CS9113: Parameter 'classValue' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.5152060Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(130,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.5256500Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests2.cs(33,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.5361550Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(100,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.5466500Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(61,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.5570790Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(34,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.5629530Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/DynamicallyRegisteredTests.cs(58,19): warning CS0618: 'TestContext.ReregisterTestWithArguments(object?[]?, Dictionary?)' is obsolete: 'This method is non-functional after the removal of ITestFinder. It will be removed in a future version.' [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.5632050Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ComprehensiveCountTest.cs(8,44): warning CS9113: Parameter 'classValue' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.5731360Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDisplayNameAttributeTests.cs(23,57): warning CS9113: Parameter 'value' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.5834910Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceEnumerableTest.cs(6,51): warning CS9113: Parameter 'value' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.5938880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AsyncDataSourceExampleTests.cs(59,71): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.6043760Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AsyncDataSourceExampleTests.cs(7,67): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.6147370Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/CombinedParallelConstraintsTests.cs(253,17): warning CS0219: The variable 'hasOverlap' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.6252050Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(254,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.6355420Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(269,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.6458540Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(285,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.6562020Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2887/ReproTest.cs(16,54): warning CS9113: Parameter 'serviceProvider' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.6665730Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2993/ImplicitConversionTests.cs(27,35): warning CS8600: Converting null literal or possible null value to non-nullable type. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.6770910Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2955/InheritedDataSourceTests.cs(68,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.6873160Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2075/Tests.cs(53,45): warning CS9113: Parameter 'factory' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.6981630Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1570/Tests.cs(21,23): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.7080800Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(17,24): warning CS0414: The field 'HookCleanupOnFailureTests._afterAssemblyCount' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.7197090Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(124,25): warning CS0414: The field 'MultipleAfterClassHooksTests._testsExecuted' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.7301000Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(16,24): warning CS0414: The field 'HookCleanupOnFailureTests._beforeAssemblyCount' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.7401370Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(14,25): warning CS0414: The field 'HookExceptionHandlingTests._afterAssemblyExecuted' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.7505140Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/CallEventReceiverTests.cs(34,28): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.7608710Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/DynamicTests/Runtime.cs(13,17): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.7712470Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/VerifyFixTest.cs(11,27): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.7816700Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TestMixedGenericParameters.cs(8,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.7884890Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SmartInferenceTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.7988760Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleStaticTest.cs(9,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.8096220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleTupleTest.cs(11,56): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.8216780Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SmartInferenceTests.cs(27,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.8327330Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(23,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.8433080Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.8537410Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(56,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.8634450Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleHookTest.cs(23,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.8738290Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleHookTest.cs(28,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.8852550Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleTest.cs(8,71): warning TUnit0301: Tuple parameter 'data2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.8954130Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(22,65): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.9056940Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(12,73): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.9156840Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(32,67): warning TUnit0301: Tuple parameter 'value1' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.9260690Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(32,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.9361160Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(43,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.9464720Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleTest.cs(16,64): warning TUnit0301: Tuple parameter 'data' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.9565040Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MultipleDataSourcesTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.9667270Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MultipleClassDataGeneratorsTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.9767640Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MinimalDiscoveryTest.cs(8,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.9870190Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(54,82): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:42.9975380Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(64,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.0083950Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(121,45): warning TUnit0046: Return a `Func` rather than a ``. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.0188120Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(74,83): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.0290790Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(84,88): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.0391960Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MethodDataSourceWithArgumentsTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.0492750Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookGeneratorTest.cs(9,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.0595840Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookGeneratorTest.cs(15,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.0696190Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(13,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.0698970Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.0803670Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(43,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.0908310Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(54,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.1016940Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.1123620Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(63,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.1234910Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(110,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.1341360Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(123,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.1445160Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(79,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.1550070Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(9,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.1653910Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(20,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.1757480Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(52,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.1861410Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(61,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.1965670Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(70,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.2069670Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(41,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.2174070Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(49,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.2277880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(57,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.2381840Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.2485900Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTestExample.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.2590790Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMethodTests.cs(11,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.2702970Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.2710850Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.2816980Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.2925940Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(22,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.3028740Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(36,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.3130260Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(47,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.3235040Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(59,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.3341210Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(15,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.3412310Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.3516250Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(171,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.3620890Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(155,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.3724790Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(140,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.3828980Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(124,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.3932870Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.4037190Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.4141420Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(82,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.4245450Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(92,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.4349760Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(101,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.4460640Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInheritsTestVerification.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.4564430Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(110,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.4668820Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/FailFastTest.cs(10,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.4773110Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceWithMethodDataSourceTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.4873890Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/CallEventReceiverTests.cs(25,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.4977780Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceDrivenTestsSharedKeyed3.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.5081650Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceDrivenTestsSharedKeyed2.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.5182040Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(219,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.5284890Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(234,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.5387780Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(249,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.5488870Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(264,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.5597400Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(279,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.5695990Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ArgumentsWithClassDataSourceTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.5833880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AllDataSourcesCombinedTestsVerification.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.5843390Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AllDataSourcesCombinedTests.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.6023150Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(388,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.6127300Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(400,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.6229810Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(412,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.6338820Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(423,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.6443480Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(435,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.6531490Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(446,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.6636720Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(377,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.6740960Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(316,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.6845210Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(327,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.6872720Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(338,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.6962410Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(349,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.6965920Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(178,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.7009390Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(171,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.7030730Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(102,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.7106210Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(197,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.7152900Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(113,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.7188200Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(20,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.7274000Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(31,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.7310430Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(322,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.7346240Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(200,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.7357680Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(127,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.7400690Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(223,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.7456990Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(59,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.7495900Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(101,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.7530510Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(52,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.7634250Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(69,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.7734890Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(80,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.7838920Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(90,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.7940400Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(346,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.8043760Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(256,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.8147220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2798/Tests.cs(16,36): warning TUnit0046: Return a `Func` rather than a ``. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.8235190Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2757/Tests.cs(20,41): warning TUnit0046: Return a `Func` rather than a ``. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.8336490Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(106,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.8443300Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(358,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.8548960Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(153,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.8659410Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(163,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.8768450Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3185/BugRepro3185.cs(88,19): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.8866320Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2867/DisposalNotCalledTests.cs(267,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.8970460Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2504CollectionExpressionTest.cs(62,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.9075190Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2136/Tests.cs(14,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.9179840Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3219/ClassDataSourceRetryTests.cs(46,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.9250180Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3219/ClassDataSourceRetryTests.cs(77,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.9355570Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TestCountVerificationTests.cs(6,45): warning CS9113: Parameter 'value' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.9460240Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AsyncDataSourceExampleTests.cs(7,67): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.9565260Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AsyncDataSourceExampleTests.cs(59,71): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.9671910Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1570/Tests.cs(21,23): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.9775800Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceEnumerableTest.cs(6,51): warning CS9113: Parameter 'value' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.9880910Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(39,86): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:43.9981210Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SourceGeneratedViewer/TUnit.Core.SourceGenerator/TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator/TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(56,97): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.0085810Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(52,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.0186370Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(69,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.0289070Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(86,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.0389980Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(112,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.0490520Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(138,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.0592540Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(171,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.0693660Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDisplayNameAttributeTests.cs(23,57): warning CS9113: Parameter 'value' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.0794340Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(53,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.0899870Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(71,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.0999320Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(89,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.1102990Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(112,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.1203070Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(204,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.1306720Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(244,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.1362330Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/SyncHookTests.cs(293,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.1470140Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(254,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.1580690Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(269,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.1686220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(285,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.1792300Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AbstractBaseClassPropertyInjectionTests.cs(20,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.1897950Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(135,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.2001780Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(163,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.2104640Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(191,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.2207690Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(224,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.2310670Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/1914/AsyncHookTests.cs(266,9): warning CS0162: Unreachable code detected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.2413480Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2955/InheritedDataSourceTests.cs(68,27): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.2514880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/PropertyInitializationTests.cs(108,91): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.2615360Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/PropertyInitializationTests.cs(98,82): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.2717980Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NotInParallelExecutionTests.cs(28,25): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.2818730Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NotInParallelExecutionTests.cs(53,30): warning CS8602: Dereference of a possibly null reference. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.2920830Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests2.cs(33,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.3026010Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(130,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.3122390Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MixedDataSourceBugTest.cs(5,41): warning CS9113: Parameter 'classValue' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.3223730Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/DynamicallyRegisteredTests.cs(58,19): warning CS0618: 'TestContext.ReregisterTestWithArguments(object?[]?, Dictionary?)' is obsolete: 'This method is non-functional after the removal of ITestFinder. It will be removed in a future version.' [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.3325050Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ComprehensiveCountTest.cs(8,44): warning CS9113: Parameter 'classValue' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.3426950Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(100,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.3529010Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(61,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.3632010Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedClassDataSourceDrivenTests3.cs(34,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.3732600Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/CombinedParallelConstraintsTests.cs(253,17): warning CS0219: The variable 'hasOverlap' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.3833070Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2887/ReproTest.cs(16,54): warning CS9113: Parameter 'serviceProvider' is unread. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.3933720Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2993/ImplicitConversionTests.cs(27,35): warning CS8600: Converting null literal or possible null value to non-nullable type. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.4038040Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(14,25): warning CS0414: The field 'HookExceptionHandlingTests._afterAssemblyExecuted' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.4141550Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(124,25): warning CS0414: The field 'MultipleAfterClassHooksTests._testsExecuted' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.4250530Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(17,24): warning CS0414: The field 'HookCleanupOnFailureTests._afterAssemblyCount' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.4357490Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(16,24): warning CS0414: The field 'HookCleanupOnFailureTests._beforeAssemblyCount' is assigned but its value is never used [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.4457400Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/DynamicTests/Runtime.cs(13,17): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.4557990Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/CallEventReceiverTests.cs(34,28): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.4658880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/VerifyFixTest.cs(11,27): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.4758940Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TestMixedGenericParameters.cs(8,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.4859230Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AllDataSourcesCombinedTestsVerification.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.4962810Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/AllDataSourcesCombinedTests.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.5064070Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ArgumentsWithClassDataSourceTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.5168420Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/CallEventReceiverTests.cs(25,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.5222020Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(219,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.5337780Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(234,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.5446750Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceDrivenTestsSharedKeyed2.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.5554400Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceDrivenTestsSharedKeyed3.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.5675530Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(249,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.5777980Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(264,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.5885930Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/TestSpecificAfterHooksTests.cs(279,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.5991060Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/ClassDataSourceWithMethodDataSourceTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.6096960Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(377,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.6203210Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(388,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.6304680Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(400,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.6404770Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(412,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.6507580Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(423,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.6611740Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(435,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.6712550Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2136/Tests.cs(14,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.6812800Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(446,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.6913010Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(316,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.7014020Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(327,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.7114130Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2757/Tests.cs(20,41): warning TUnit0046: Return a `Func` rather than a ``. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.7217510Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2798/Tests.cs(16,36): warning TUnit0046: Return a `Func` rather than a ``. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.7318610Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(338,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.7374210Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/MultipleAfterHooksFailureTests.cs(349,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.7493160Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(197,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.7602930Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(52,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.7710190Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(69,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.7816250Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/2867/DisposalNotCalledTests.cs(267,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.7921700Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3185/BugRepro3185.cs(88,19): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.8023940Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookExceptionHandlingTests.cs(106,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.8129220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SmartInferenceTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.8228470Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SmartInferenceTests.cs(27,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.8332740Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleStaticTest.cs(9,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.8434220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleHookTest.cs(23,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.8538480Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleHookTest.cs(28,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.8642410Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(56,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.8744870Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(23,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.8847470Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleTupleTest.cs(11,56): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.8948670Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/SimpleGenericTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.9052260Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/RunOnSkipTests.cs(38,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.9153080Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/RunOnSkipTests.cs(52,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.9256920Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleTest.cs(8,71): warning TUnit0301: Tuple parameter 'data2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.9362680Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleTest.cs(16,64): warning TUnit0301: Tuple parameter 'data' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.9463520Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(12,73): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.9584890Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(22,65): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.9692130Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MultipleDataSourcesTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.9798560Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MinimalDiscoveryTest.cs(8,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:44.9901230Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MethodDataSourceWithArgumentsTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.0005110Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/MultipleClassDataGeneratorsTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.0109680Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookGeneratorTest.cs(9,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.0238860Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(13,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.0343900Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookGeneratorTest.cs(15,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.0448120Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(32,67): warning TUnit0301: Tuple parameter 'value1' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.0548660Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(32,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.0652680Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.0655270Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.0759330Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(43,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.0862870Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(54,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.0981590Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(63,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.1090970Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(9,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.1198820Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(70,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.1302920Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(41,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.1408160Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(20,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.1519130Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(49,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.1628040Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(52,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.1736220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypedDataSourceTests.cs(57,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.1858450Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(61,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.1861560Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(110,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.1959220Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/HookExecutorTests.cs(123,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.2065880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTypeTests.cs(79,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.2170040Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericTestExample.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.2274630Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.2376200Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.2479350Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.2583450Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(22,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.2687280Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(59,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.2763870Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(15,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.2868060Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(36,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.2968590Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInstanceMethodDataSourceTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.3064700Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMatrixTests.cs(47,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.3169590Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericInheritsTestVerification.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.3273130Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(171,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.3373710Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(155,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.3474170Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(140,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.3567640Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(124,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.3671340Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.3773510Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.3886930Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericMethodTests.cs(11,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.3978830Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/FailFastTest.cs(10,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.4085670Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(82,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.4183200Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(92,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.4308900Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(101,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.4404300Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/GenericConstraintValidationTests.cs(110,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.4518100Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(43,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.4615290Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(54,82): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.4715620Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(64,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.4817480Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(121,45): warning TUnit0046: Return a `Func` rather than a ``. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.4920600Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(74,83): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.5020440Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/NestedTupleDataSourceTests.cs(84,88): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.5121640Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(171,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.5224560Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(178,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.5325210Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(200,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.5429650Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(113,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.5527410Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(102,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.5627880Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(20,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.5731700Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/HookCleanupOnFailureTests.cs(31,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.5832190Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(322,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.5932680Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(223,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.6034200Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(346,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.6134680Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(256,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.6237460Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(358,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.6337670Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(127,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.6441020Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(153,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.6542400Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(163,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.6642850Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(80,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.6743030Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/HookOrchestratorDeadlockTests.cs(90,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.6846850Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/Issue2504CollectionExpressionTest.cs(62,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.6949250Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3219/ClassDataSourceRetryTests.cs(46,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.7014040Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(59,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.7118500Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/_2804/CriticalHookChainExecutionTests.cs(101,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.7218480Z ##[warning]/Users/runner/work/TUnit/TUnit/TUnit.TestProject/Bugs/3219/ClassDataSourceRetryTests.cs(77,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [/Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.7318580Z 904 Warning(s) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.7418860Z 0 Error(s) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.7519350Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.7620270Z Time Elapsed 00:03:37.47 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.7968500Z Prepare all required actions -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.8050890Z ##[group]Run ./.github/actions/execute-pipeline -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.8051110Z with: -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.8051420Z admin-token: *** -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.8051660Z environment: Development -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.8051910Z nuget-apikey: *** -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.8052070Z publish-packages: false -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.8052250Z netversion: net9.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.8052390Z env: -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.8052520Z DOTNET_ROOT: /Users/runner/.dotnet -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.8052720Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.8137280Z ##[group]Run dotnet run -c Release --categories -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:45.8137580Z dotnet run -c Release --categories  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:46.0319050Z shell: /bin/bash --noprofile --norc -e -o pipefail {0} -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:46.0319300Z env: -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:46.0319440Z DOTNET_ROOT: /Users/runner/.dotnet -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:46.0319880Z ADMIN_TOKEN: *** -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:46.0320100Z GITHUB_TOKEN: *** -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:46.0320300Z DOTNET_ENVIRONMENT: Development -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:46.0320590Z NuGet__ApiKey: *** -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:46.0320740Z NuGet__ShouldPublish: false -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:46.0320910Z NET_VERSION: net9.0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:46.0321050Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:50.8733770Z [7:20:50 PM Info]  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:50.8739450Z Detected Build System: GitHubActions -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:50.8776720Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:57.2255610Z ##[group]RunUnitTestsModule -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:57.2299240Z [7:20:57 PM Info] Creating Temporary Folder:  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:57.2392560Z /var/folders/q0/wmf37v850txck86cpnvwm_zw0000gn/T/h35tsejzuff -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:57.2428630Z [7:20:57 PM Info] Searching Files in: /Users/runner/work/TUnit/TUnit > x =>  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:57.2518480Z x.Name == "TUnit.UnitTests.csproj" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:57.2620390Z [7:20:57 PM Info] ---Executing Command--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:57.2721830Z /Users/runner/work/TUnit/TUnit/TUnit.UnitTests> dotnet run --configuration  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:57.2835170Z Release --framework net9.0 --no-build --hangdump --hangdump-filename  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:57.2895110Z hangdump.Unix.RunUnitTestsModule.dmp --hangdump-timeout 5m -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:57.2946050Z [7:20:57 PM Info] ---Exit Code---- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:57.3050970Z 0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:57.3152380Z [7:20:57 PM Info] ---Duration--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:57.3253650Z 3s & 193ms -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:57.3355320Z [7:20:57 PM Info] Searching Files in: /Users/runner/work/TUnit/TUnit > x =>  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:57.3456720Z x.Name == "TUnit.UnitTests.csproj" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:57.3558770Z [7:20:57 PM Info] ---Executing Command--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:57.3660530Z /Users/runner/work/TUnit/TUnit/TUnit.UnitTests> dotnet run --configuration  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:57.3763980Z Release --framework net8.0 --no-build --hangdump --hangdump-filename  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:57.3865980Z hangdump.Unix.RunUnitTestsModule.dmp --hangdump-timeout 5m -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:57.3967500Z [7:20:57 PM Info] ---Exit Code---- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:57.4068860Z 0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:57.4171280Z [7:20:57 PM Info] ---Duration--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:57.4272440Z 2s & 755ms -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:57.4373820Z [7:20:57 PM Info] Module RunUnitTestsModule completed successfully -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:57.4475340Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:58.7119880Z ##[group]RunRpcTestsModule -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:58.7134070Z [7:20:58 PM Info] Creating Temporary Folder:  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:58.7177540Z /var/folders/q0/wmf37v850txck86cpnvwm_zw0000gn/T/lyt0ha2frpr -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:58.7273780Z [7:20:58 PM Info] Searching Files in: /Users/runner/work/TUnit/TUnit > x =>  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:58.7308570Z x.Name == "TUnit.RpcTests.csproj" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:58.7353570Z [7:20:58 PM Info] ---Executing Command--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:58.7418540Z /Users/runner/work/TUnit/TUnit/TUnit.RpcTests> dotnet run --configuration  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:58.7461620Z Release --framework net8.0 --no-build --ignore-exit-code 8 --hangdump  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:58.7495050Z --hangdump-filename hangdump.Unix.RunRpcTestsModule.dmp --hangdump-timeout 5m -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:58.7540390Z [7:20:58 PM Info] ---Exit Code---- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:58.7548280Z 0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:58.7600760Z [7:20:58 PM Info] ---Duration--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:58.7638400Z 1s & 359ms -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:58.7678130Z [7:20:58 PM Info] Module RunRpcTestsModule completed successfully -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:20:58.7710150Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:04.1630160Z ##[group]RunPublicAPITestsModule -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:04.1644770Z [7:21:04 PM Info] Creating Temporary Folder:  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:04.1646840Z /var/folders/q0/wmf37v850txck86cpnvwm_zw0000gn/T/vuzgxp0clbt -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:04.1655110Z [7:21:04 PM Info] Searching Files in: /Users/runner/work/TUnit/TUnit > x =>  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:04.1763400Z x.Name == "TUnit.PublicAPI.csproj" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:04.1873350Z [7:21:04 PM Info] ---Executing Command--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:04.1992660Z /Users/runner/work/TUnit/TUnit/TUnit.PublicAPI> dotnet run --configuration  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:04.2060680Z Release --framework net9.0 --no-build --fail-fast --hangdump --hangdump-filename -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:04.2177140Z hangdump.Unix.RunPublicAPITestsModule.dmp --hangdump-timeout 5m -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:04.2288850Z [7:21:04 PM Info] ---Exit Code---- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:04.2390460Z 0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:04.2419210Z [7:21:04 PM Info] ---Duration--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:04.2463380Z 2s & 496ms -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:04.2567560Z [7:21:04 PM Info] Searching Files in: /Users/runner/work/TUnit/TUnit > x =>  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:04.2669150Z x.Name == "TUnit.PublicAPI.csproj" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:04.2770760Z [7:21:04 PM Info] ---Executing Command--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:04.2862460Z /Users/runner/work/TUnit/TUnit/TUnit.PublicAPI> dotnet run --configuration  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:04.2863630Z Release --framework net8.0 --no-build --fail-fast --hangdump --hangdump-filename -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:04.2864580Z hangdump.Unix.RunPublicAPITestsModule.dmp --hangdump-timeout 5m -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:04.2865460Z [7:21:04 PM Info] ---Exit Code---- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:04.2866010Z 0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:04.2866680Z [7:21:04 PM Info] ---Duration--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:04.2867460Z 2s & 114ms -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:04.2868350Z [7:21:04 PM Info] Module RunPublicAPITestsModule completed successfully -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:04.2870770Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:47.7654640Z ##[group]RunAnalyzersTestsModule -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:47.7699260Z [7:21:47 PM Info] Creating Temporary Folder:  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:47.7703560Z /var/folders/q0/wmf37v850txck86cpnvwm_zw0000gn/T/vjbhjfblh4b -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:47.7735680Z [7:21:47 PM Info] Searching Files in: /Users/runner/work/TUnit/TUnit > x =>  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:47.7737370Z x.Name == "TUnit.Analyzers.Tests.csproj" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:47.7750420Z [7:21:47 PM Info] ---Executing Command--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:47.7754150Z /Users/runner/work/TUnit/TUnit/TUnit.Pipeline> dotnet test  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:47.7757200Z /Users/runner/work/TUnit/TUnit/TUnit.Analyzers.Tests/TUnit.Analyzers.Tests.cspro -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:47.7761220Z j --configuration Release --framework net8.0 --no-build -- --hangdump  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:47.7764730Z --hangdump-filename hangdump.analyzers-tests.dmp --hangdump-timeout 5m -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:47.7766450Z [7:21:47 PM Info] ---Exit Code---- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:47.7767330Z 0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:47.7771890Z [7:21:47 PM Info] ---Duration--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:47.7772320Z 43s & 239ms -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:47.7773020Z [7:21:47 PM Info] Module RunAnalyzersTestsModule completed successfully -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:47.7774310Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:55.2892400Z ##[group]RunAssertionsCodeFixersTestsModule -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:55.2894160Z [7:21:55 PM Info] Creating Temporary Folder:  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:55.2895580Z /var/folders/q0/wmf37v850txck86cpnvwm_zw0000gn/T/uhg4oh54nnl -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:55.2897870Z [7:21:55 PM Info] Searching Files in: /Users/runner/work/TUnit/TUnit > x =>  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:55.2899490Z x.Name == "TUnit.Assertions.Analyzers.CodeFixers.Tests.csproj" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:55.2900920Z [7:21:55 PM Info] ---Executing Command--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:55.2902290Z /Users/runner/work/TUnit/TUnit/TUnit.Pipeline> dotnet test  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:55.2903530Z /Users/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers.CodeFixers.Tests/TUnit -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:55.2904700Z .Assertions.Analyzers.CodeFixers.Tests.csproj --configuration Release  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:55.2905750Z --framework net8.0 --no-build -- --hangdump --hangdump-filename  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:55.2907970Z hangdump.assertions-codefixers-tests.dmp --hangdump-timeout 5m -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:55.2908980Z [7:21:55 PM Info] ---Exit Code---- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:55.2909490Z 0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:55.2910070Z [7:21:55 PM Info] ---Duration--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:55.2910670Z 7s & 244ms -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:55.2911630Z [7:21:55 PM Info] Module RunAssertionsCodeFixersTestsModule completed  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:55.2921780Z successfully -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:55.2922720Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:59.9938920Z ##[group]RunSourceGeneratorTestsModule -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:59.9940400Z [7:21:59 PM Info] Creating Temporary Folder:  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:59.9942710Z /var/folders/q0/wmf37v850txck86cpnvwm_zw0000gn/T/l0hzblyd5zv -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:59.9943890Z [7:21:59 PM Info] Searching Files in: /Users/runner/work/TUnit/TUnit > x =>  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:59.9945390Z x.Name == "TUnit.Core.SourceGenerator.Tests.csproj" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:59.9946250Z [7:21:59 PM Info] ---Executing Command--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:59.9947470Z /Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests> dotnet run  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:59.9948470Z --configuration Release --framework net9.0 --no-build -- --fail-fast --hangdump  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:59.9949690Z --hangdump-filename hangdump.Unix.RunSourceGeneratorTestsModule.dmp  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:59.9950400Z --hangdump-timeout 5m -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:59.9951220Z [7:21:59 PM Info] ---Exit Code---- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:59.9989410Z 0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:59.9990530Z [7:21:59 PM Info] ---Duration--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:59.9991140Z 1s & 987ms -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:59.9992160Z [7:21:59 PM Info] Searching Files in: /Users/runner/work/TUnit/TUnit > x =>  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:59.9993340Z x.Name == "TUnit.Core.SourceGenerator.Tests.csproj" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:59.9994200Z [7:21:59 PM Info] ---Executing Command--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:59.9995400Z /Users/runner/work/TUnit/TUnit/TUnit.Core.SourceGenerator.Tests> dotnet run  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:59.9996340Z --configuration Release --framework net8.0 --no-build -- --fail-fast --hangdump  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:59.9997480Z --hangdump-filename hangdump.Unix.RunSourceGeneratorTestsModule.dmp  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:59.9998110Z --hangdump-timeout 5m -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:59.9998950Z [7:21:59 PM Info] ---Exit Code---- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:21:59.9999710Z 0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:00.0000320Z [7:21:59 PM Info] ---Duration--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:00.0000940Z 2s & 274ms -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:00.0202160Z [7:21:59 PM Info] Module RunSourceGeneratorTestsModule completed successfully -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:00.0315580Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:26.9019570Z ##[group]RunAssertionsAnalyzersTestsModule -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:26.9131660Z [7:22:26 PM Info] Creating Temporary Folder:  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:26.9242090Z /var/folders/q0/wmf37v850txck86cpnvwm_zw0000gn/T/dotjmt1eeoa -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:26.9356550Z [7:22:26 PM Info] Searching Files in: /Users/runner/work/TUnit/TUnit > x =>  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:26.9458530Z x.Name == "TUnit.Assertions.Analyzers.Tests.csproj" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:26.9559680Z [7:22:26 PM Info] ---Executing Command--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:26.9662580Z /Users/runner/work/TUnit/TUnit/TUnit.Pipeline> dotnet test  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:26.9764610Z /Users/runner/work/TUnit/TUnit/TUnit.Assertions.Analyzers.Tests/TUnit.Assertions -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:26.9865040Z .Analyzers.Tests.csproj --configuration Release --framework net8.0 --no-build -- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:26.9966930Z --hangdump --hangdump-filename hangdump.assertions-analyzers-tests.dmp  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:27.0068530Z --hangdump-timeout 5m -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:27.0171450Z [7:22:26 PM Info] ---Exit Code---- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:27.0269790Z 0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:27.0302140Z [7:22:26 PM Info] ---Duration--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:27.0304080Z 26s & 636ms -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:27.0306310Z [7:22:26 PM Info] Module RunAssertionsAnalyzersTestsModule completed  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:27.0308020Z successfully -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:27.0313510Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:27.0316710Z ##[group]RunPlaywrightTestsModule -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:27.0319740Z [7:22:26 PM Info] SkipHandler`1 ignored because: A condition to run this module  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:27.0324450Z has not been met - RunOnLinuxOnlyAttribute and no historical results were found -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:27.0329870Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4430240Z ##[group]RunAssertionsTestsModule -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4431950Z [7:22:33 PM Info] Creating Temporary Folder:  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4432790Z /var/folders/q0/wmf37v850txck86cpnvwm_zw0000gn/T/dr5cv1io2qn -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4433940Z [7:22:33 PM Info] Searching Files in: /Users/runner/work/TUnit/TUnit > x =>  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4434900Z x.Name == "TUnit.Assertions.Tests.csproj" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4435850Z [7:22:33 PM Info] ---Executing Command--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4436720Z /Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests> dotnet run  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4437570Z --configuration Release --framework net9.0 --no-build --hangdump  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4438310Z --hangdump-filename hangdump.Unix.RunAssertionsTestsModule.dmp  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4438850Z --hangdump-timeout 5m -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4439410Z [7:22:33 PM Info] ---Exit Code---- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4439930Z 0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4440510Z [7:22:33 PM Info] ---Duration--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4441030Z 3s & 176ms -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4442420Z [7:22:33 PM Info] Searching Files in: /Users/runner/work/TUnit/TUnit > x =>  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4443180Z x.Name == "TUnit.Assertions.Tests.csproj" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4443840Z [7:22:33 PM Info] ---Executing Command--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4444490Z /Users/runner/work/TUnit/TUnit/TUnit.Assertions.Tests> dotnet run  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4445160Z --configuration Release --framework net8.0 --no-build --hangdump  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4445750Z --hangdump-filename hangdump.Unix.RunAssertionsTestsModule.dmp  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4446350Z --hangdump-timeout 5m -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4446870Z [7:22:33 PM Info] ---Exit Code---- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4447200Z 0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4447600Z [7:22:33 PM Info] ---Duration--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4448040Z 2s & 887ms -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4448720Z [7:22:33 PM Info] Module RunAssertionsTestsModule completed successfully -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4449530Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4449950Z ##[group]RunAspNetTestsModule -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4450640Z [7:22:33 PM Info] SkipHandler`1 ignored because: A condition to run this module  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4451380Z has not been met - RunOnLinuxOnlyAttribute and no historical results were found -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:33.4451910Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:45.9908260Z ##[group]RunTemplateTestsModule -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:46.0000540Z [7:22:45 PM Info] Creating Temporary Folder:  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:46.0001430Z /var/folders/q0/wmf37v850txck86cpnvwm_zw0000gn/T/l14ft5juvzj -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:46.0095920Z [7:22:45 PM Info] Searching Files in: /Users/runner/work/TUnit/TUnit > x =>  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:46.0136120Z x.Name == "TUnit.Templates.Tests.csproj" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:46.0189800Z [7:22:45 PM Info] ---Executing Command--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:46.0278030Z /Users/runner/work/TUnit/TUnit/TUnit.Pipeline> dotnet test  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:46.0320460Z /Users/runner/work/TUnit/TUnit/TUnit.Templates.Tests/TUnit.Templates.Tests.cspro -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:46.0360130Z j --configuration Release --framework net9.0 --no-build -- --hangdump  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:46.0396760Z --hangdump-filename hangdump.template-tests.dmp --hangdump-timeout 5m -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:46.0433020Z [7:22:45 PM Info] ---Exit Code---- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:46.0503690Z 0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:46.0547620Z [7:22:45 PM Info] ---Duration--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:46.0580750Z 12s & 401ms -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:46.0643970Z [7:22:45 PM Info] Module RunTemplateTestsModule completed successfully -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:22:46.0747640Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:08.7720200Z ##[group]PublishAOTModule -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:08.7736460Z [7:25:08 PM Info] Creating Temporary Folder:  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:08.7737610Z /var/folders/q0/wmf37v850txck86cpnvwm_zw0000gn/T/wisozwssty0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:08.7751150Z [7:25:08 PM Info] Searching Files in: /Users/runner/work/TUnit/TUnit > x =>  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:08.7752250Z x.Name == "TUnit.TestProject.csproj" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:08.7752980Z [7:25:08 PM Info] ---Executing Command--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:08.7753860Z /Users/runner/work/TUnit/TUnit/TUnit.Pipeline> dotnet publish  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:08.7754710Z /Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:08.7755680Z --configuration Release --framework net8.0 --output TESTPROJECT_AOT --runtime  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:08.7756850Z osx-x64 --property:Aot=true -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:08.7757560Z [7:25:08 PM Info] ---Exit Code---- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:08.7758310Z 0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:08.7758920Z [7:25:08 PM Info] ---Duration--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:08.7759420Z 2m & 22s -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:08.7760340Z [7:25:08 PM Info] Module PublishAOTModule completed successfully -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:08.7761530Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:47.6579530Z ##[group]PublishSingleFileModule -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:47.6643270Z [7:25:47 PM Info] Creating Temporary Folder:  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:47.6719010Z /var/folders/q0/wmf37v850txck86cpnvwm_zw0000gn/T/z0qn20jf5b1 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:47.6721120Z [7:25:47 PM Info] Searching Files in: /Users/runner/work/TUnit/TUnit > x =>  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:47.6722400Z x.Name == "TUnit.TestProject.csproj" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:47.6723500Z [7:25:47 PM Info] ---Executing Command--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:47.6724540Z /Users/runner/work/TUnit/TUnit/TUnit.Pipeline> dotnet publish  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:47.6725690Z /Users/runner/work/TUnit/TUnit/TUnit.TestProject/TUnit.TestProject.csproj  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:47.6726760Z --configuration Release --framework net8.0 --output TESTPROJECT_SINGLEFILE  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:47.6727600Z --runtime osx-x64 --property:SingleFile=true -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:47.6728550Z [7:25:47 PM Info] ---Exit Code---- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:47.6729180Z 0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:47.6729840Z [7:25:47 PM Info] ---Duration--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:47.6730570Z 38s & 688ms -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:47.6731530Z [7:25:47 PM Info] Module PublishSingleFileModule completed successfully -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:25:47.6732840Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8178820Z ##[group]RunEngineTestsModule - Error! CommandException -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8192350Z [7:27:45 PM Info] Creating Temporary Folder:  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8194120Z /var/folders/q0/wmf37v850txck86cpnvwm_zw0000gn/T/53lfw3ix3f0 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8195250Z [7:27:45 PM Info] Searching Files in: /Users/runner/work/TUnit/TUnit > x =>  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8196740Z x.Name == "TUnit.Engine.Tests.csproj" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8197570Z [7:27:45 PM Info] ---Executing Command--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8476410Z /Users/runner/work/TUnit/TUnit/TUnit.Engine.Tests> dotnet run --configuration  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8478770Z Release --framework net9.0 --no-build --project TUnit.Engine.Tests.csproj  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8479950Z --hangdump --hangdump-filename hangdump.Unix.engine-tests.dmp --hangdump-timeout -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8480670Z 30m --timeout 35m --fail-fast -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8481530Z [7:27:45 PM Info] ---Exit Code---- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8482290Z 7 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8482730Z [7:27:45 PM Info] ---Duration--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8555040Z 1m & 57s -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8555530Z [7:27:45 PM Info] ---Command Error--- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8556440Z Unhandled exception. System.Exception: Error asserting results for  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8557150Z AfterTestAttributeTests: "Failed" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8558100Z  should be -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8558710Z "Completed" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8559230Z  but was not -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8559580Z  difference -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8560220Z Difference | | | | | | | | | |  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8565230Z  | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8565710Z Index | 0 1 2 3 4 5 6 7 8  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8567610Z Expected Value | C o m p l e t e d  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8568300Z Actual Value | F a i l e d  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8569090Z Expected Code | 67 111 109 112 108 101 116 101 100  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8569660Z Actual Code | 70 97 105 108 101 100  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8570570Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8571030Z Expression: [ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8572290Z  result => result.ResultSummary.Outcome.ShouldBe("Completed"), -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8574930Z  result => result.ResultSummary.Counters.Total.ShouldBe(1), -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8575600Z  result => result.ResultSummary.Counters.Passed.ShouldBe(1), -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8577550Z  result => result.ResultSummary.Counters.Failed.ShouldBe(0), -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8578620Z  result => result.ResultSummary.Counters.NotExecuted.ShouldBe(0), -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8579180Z  _ => FindFile(x =>  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8579960Z x.Name.EndsWith("AfterTestAttributeTests.txt")).AssertExists() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8580470Z  ] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8581400Z  ---> Shouldly.ShouldAssertException: "Failed" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8581800Z  should be -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8582250Z "Completed" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8582830Z  but was not -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8583190Z  difference -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8583740Z Difference | | | | | | | | | |  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8585470Z  | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8587250Z Index | 0 1 2 3 4 5 6 7 8  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8588480Z Expected Value | C o m p l e t e d  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8589130Z Actual Value | F a i l e d  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8590850Z Expected Code | 67 111 109 112 108 101 116 101 100  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8592100Z Actual Code | 70 97 105 108 101 100  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8593310Z  at TUnit.Engine.Tests.AfterTestAttributeTests.<>c.b__1_0(TestRun  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8593990Z result) in /_/TUnit.Engine.Tests/AfterTestAttributeTests.cs:line 15 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8595600Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8596360Z TUnit.Engine.Tests.TrxAsserter.<>c__DisplayClass0_1.b__1(Action`1 x)  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8597430Z in /_/TUnit.Engine.Tests/TrxAsserter.cs:line 23 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8598260Z  at System.Collections.Generic.List`1.ForEach(Action`1 action) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8599090Z  at TUnit.Engine.Tests.TrxAsserter.AssertTrx(TestMode testMode, Command  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8600640Z command, BufferedCommandResult commandResult, List`1 assertions, String  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8601190Z trxFilename, String assertionExpression) in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8601690Z /_/TUnit.Engine.Tests/TrxAsserter.cs:line 23 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8602290Z  --- End of inner exception stack trace --- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8603830Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8604330Z TUnit.Engine.Scheduling.TestScheduler.WaitForTasksWithFailFastHandling(Task[]  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8605040Z tasks, CancellationToken cancellationToken) in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8605510Z /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 368 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8605780Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8606260Z TUnit.Engine.Scheduling.TestScheduler.ExecuteGroupedTestsAsync(GroupedTests  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8607370Z groupedTests, CancellationToken cancellationToken) in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8607960Z /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 144 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8608650Z  at TUnit.Engine.Scheduling.TestScheduler.ScheduleAndExecuteAsync(List`1  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8609460Z testList, CancellationToken cancellationToken) in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8609970Z /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 103 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8610540Z  at TUnit.Engine.TestSessionCoordinator.ExecuteTestsCore(List`1 testList,  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8611200Z CancellationToken cancellationToken) in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8611730Z /_/TUnit.Engine/TestSessionCoordinator.cs:line 112 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8617520Z  at TUnit.Engine.TestSessionCoordinator.ExecuteTests(IEnumerable`1 tests,  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8618960Z ITestExecutionFilter filter, IMessageBus messageBus, CancellationToken  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8619590Z cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 54 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8620380Z  at TUnit.Engine.TestSessionCoordinator.ExecuteTests(IEnumerable`1 tests,  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8620990Z ITestExecutionFilter filter, IMessageBus messageBus, CancellationToken  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8621970Z cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 58 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8622510Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8623110Z TUnit.Engine.Framework.TestRequestHandler.HandleRunRequestAsync(TUnitServiceProv -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8623820Z ider serviceProvider, RunTestExecutionRequest request, ExecuteRequestContext  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8624570Z context, ITestExecutionFilter testExecutionFilter) in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8625170Z /_/TUnit.Engine/Framework/TestRequestHandler.cs:line 79 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8625530Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8626140Z TUnit.Engine.Framework.TestRequestHandler.HandleRequestAsync(TestExecutionReques -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8627040Z t request, TUnitServiceProvider serviceProvider, ExecuteRequestContext context,  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8627940Z ITestExecutionFilter testExecutionFilter) in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8629060Z /_/TUnit.Engine/Framework/TestRequestHandler.cs:line 19 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8629980Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8631020Z TUnit.Engine.Framework.TUnitTestFramework.ExecuteRequestAsync(ExecuteRequestCont -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8632190Z ext context) in /_/TUnit.Engine/Framework/TUnitTestFramework.cs:line 60 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8632600Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8633220Z TUnit.Engine.Framework.TUnitTestFramework.ExecuteRequestAsync(ExecuteRequestCont -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8634070Z ext context) in /_/TUnit.Engine/Framework/TUnitTestFramework.cs:line 81 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8634690Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8635360Z Microsoft.Testing.Platform.Requests.TestHostTestFrameworkInvoker.ExecuteRequestA -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8636120Z sync(ITestFramework testFramework, TestExecutionRequest request, IMessageBus  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8636730Z messageBus, CancellationToken cancellationToken) in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8637730Z /_/src/Platform/Microsoft.Testing.Platform/Requests/TestHostTestFrameworkInvoker -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8638320Z .cs:line 72 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8638630Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8639380Z Microsoft.Testing.Platform.Requests.TestHostTestFrameworkInvoker.ExecuteAsync(IT -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8640130Z estFramework testFramework, ClientInfo client, CancellationToken  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8640620Z cancellationToken) in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8641210Z /_/src/Platform/Microsoft.Testing.Platform/Requests/TestHostTestFrameworkInvoker -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8641830Z .cs:line 61 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8642110Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8643380Z Microsoft.Testing.Platform.Hosts.CommonHost.ExecuteRequestAsync(ProxyOutputDevic -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8644110Z e outputDevice, ITestSessionContext testSessionInfo, ServiceProvider  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8644770Z serviceProvider, BaseMessageBus baseMessageBus, ITestFramework testFramework,  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8645390Z ClientInfo client) in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8646030Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 143 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8646710Z  at Microsoft.Testing.Platform.Hosts.ConsoleTestHost.InternalRunAsync() in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8647430Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/ConsoleTestHost.cs:line 83 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8648330Z  at Microsoft.Testing.Platform.Hosts.ConsoleTestHost.InternalRunAsync() in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8648970Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/ConsoleTestHost.cs:line 115 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8649520Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8650250Z Microsoft.Testing.Platform.Hosts.CommonHost.RunTestAppAsync(CancellationToken  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8651310Z testApplicationCancellationToken) in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8651960Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 115 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8652910Z  at Microsoft.Testing.Platform.Hosts.CommonHost.RunAsync() in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8653580Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 38 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8654700Z  at Microsoft.Testing.Platform.Hosts.CommonHost.RunAsync() in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8655350Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 74 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8656050Z  at Microsoft.Testing.Platform.Hosts.TestHostControlledHost.RunAsync() in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8657640Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/TestHostControlledHost.cs:line  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8658190Z 23 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8658760Z  at Microsoft.Testing.Platform.Builder.TestApplication.RunAsync() in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8659800Z /_/src/Platform/Microsoft.Testing.Platform/Builder/TestApplication.cs:line 222 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8660450Z  at TestingPlatformEntryPoint.Main(String[] args) in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8661020Z /_/TUnit.Engine.Tests/obj/Release/net9.0/TestPlatformEntryPoint.cs:line 16 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8661750Z  at TestingPlatformEntryPoint.
(String[] args) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.8661960Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9428570Z [7:27:45 PM Fail] Module Failed after 00:01:58.1524905 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9430400Z ModularPipelines.Exceptions.CommandException:  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9433630Z Input: dotnet run --configuration Release --framework net9.0 --no-build  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9435580Z --project TUnit.Engine.Tests.csproj --hangdump --hangdump-filename  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9442140Z hangdump.Unix.engine-tests.dmp --hangdump-timeout 30m --timeout 35m --fail-fast -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9443190Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9444320Z Error: Unhandled exception. System.Exception: Error asserting results for  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9445630Z AfterTestAttributeTests: "Failed" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9447320Z  should be -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9448230Z "Completed" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9449080Z  but was not -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9450430Z  difference -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9451630Z Difference | | | | | | | | | |  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9452890Z  | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9454980Z Index | 0 1 2 3 4 5 6 7 8  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9456650Z Expected Value | C o m p l e t e d  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9461120Z Actual Value | F a i l e d  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9462970Z Expected Code | 67 111 109 112 108 101 116 101 100  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9464420Z Actual Code | 70 97 105 108 101 100  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9465240Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9465590Z Expression: [ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9467050Z  result => result.ResultSummary.Outcome.ShouldBe("Completed"), -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9468710Z  result => result.ResultSummary.Counters.Total.ShouldBe(1), -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9470260Z  result => result.ResultSummary.Counters.Passed.ShouldBe(1), -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9472130Z  result => result.ResultSummary.Counters.Failed.ShouldBe(0), -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9473080Z  result => result.ResultSummary.Counters.NotExecuted.ShouldBe(0), -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9473770Z  _ => FindFile(x =>  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9474300Z x.Name.EndsWith("AfterTestAttributeTests.txt")).AssertExists() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9474860Z  ] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9475300Z  ---> Shouldly.ShouldAssertException: "Failed" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9475800Z  should be -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9476360Z "Completed" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9476760Z  but was not -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9477340Z  difference -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9478130Z Difference | | | | | | | | | |  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9479180Z  | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9480150Z Index | 0 1 2 3 4 5 6 7 8  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9550400Z Expected Value | C o m p l e t e d  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9551280Z Actual Value | F a i l e d  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9551900Z Expected Code | 67 111 109 112 108 101 116 101 100  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9553210Z Actual Code | 70 97 105 108 101 100  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9553830Z  at TUnit.Engine.Tests.AfterTestAttributeTests.<>c.b__1_0(TestRun  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9554480Z result) in /_/TUnit.Engine.Tests/AfterTestAttributeTests.cs:line 15 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9555560Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9556250Z TUnit.Engine.Tests.TrxAsserter.<>c__DisplayClass0_1.b__1(Action`1 x)  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9557020Z in /_/TUnit.Engine.Tests/TrxAsserter.cs:line 23 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9557900Z  at System.Collections.Generic.List`1.ForEach(Action`1 action) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9558510Z  at TUnit.Engine.Tests.TrxAsserter.AssertTrx(TestMode testMode, Command  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9559970Z command, BufferedCommandResult commandResult, List`1 assertions, String  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9560770Z trxFilename, String assertionExpression) in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9561480Z /_/TUnit.Engine.Tests/TrxAsserter.cs:line 23 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9562200Z  --- End of inner exception stack trace --- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9563020Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9563770Z TUnit.Engine.Scheduling.TestScheduler.WaitForTasksWithFailFastHandling(Task[]  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9564330Z tasks, CancellationToken cancellationToken) in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9564810Z /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 368 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9565180Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9565750Z TUnit.Engine.Scheduling.TestScheduler.ExecuteGroupedTestsAsync(GroupedTests  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9566460Z groupedTests, CancellationToken cancellationToken) in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9567030Z /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 144 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9567780Z  at TUnit.Engine.Scheduling.TestScheduler.ScheduleAndExecuteAsync(List`1  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9568250Z testList, CancellationToken cancellationToken) in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9568750Z /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 103 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9569310Z  at TUnit.Engine.TestSessionCoordinator.ExecuteTestsCore(List`1 testList,  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9569850Z CancellationToken cancellationToken) in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9570340Z /_/TUnit.Engine/TestSessionCoordinator.cs:line 112 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9570860Z  at TUnit.Engine.TestSessionCoordinator.ExecuteTests(IEnumerable`1 tests,  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9571550Z ITestExecutionFilter filter, IMessageBus messageBus, CancellationToken  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9572170Z cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 54 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9572890Z  at TUnit.Engine.TestSessionCoordinator.ExecuteTests(IEnumerable`1 tests,  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9573490Z ITestExecutionFilter filter, IMessageBus messageBus, CancellationToken  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9574080Z cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 58 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9574530Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9575000Z TUnit.Engine.Framework.TestRequestHandler.HandleRunRequestAsync(TUnitServiceProv -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9575740Z ider serviceProvider, RunTestExecutionRequest request, ExecuteRequestContext  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9576380Z context, ITestExecutionFilter testExecutionFilter) in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9576860Z /_/TUnit.Engine/Framework/TestRequestHandler.cs:line 79 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9577260Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9577810Z TUnit.Engine.Framework.TestRequestHandler.HandleRequestAsync(TestExecutionReques -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9578480Z t request, TUnitServiceProvider serviceProvider, ExecuteRequestContext context,  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9579260Z ITestExecutionFilter testExecutionFilter) in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9579830Z /_/TUnit.Engine/Framework/TestRequestHandler.cs:line 19 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9580170Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9580630Z TUnit.Engine.Framework.TUnitTestFramework.ExecuteRequestAsync(ExecuteRequestCont -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9581320Z ext context) in /_/TUnit.Engine/Framework/TUnitTestFramework.cs:line 60 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9581680Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9582150Z TUnit.Engine.Framework.TUnitTestFramework.ExecuteRequestAsync(ExecuteRequestCont -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9582950Z ext context) in /_/TUnit.Engine/Framework/TUnitTestFramework.cs:line 81 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9583340Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9583880Z Microsoft.Testing.Platform.Requests.TestHostTestFrameworkInvoker.ExecuteRequestA -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9584520Z sync(ITestFramework testFramework, TestExecutionRequest request, IMessageBus  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9585040Z messageBus, CancellationToken cancellationToken) in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9585670Z /_/src/Platform/Microsoft.Testing.Platform/Requests/TestHostTestFrameworkInvoker -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9586080Z .cs:line 72 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9586300Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9586820Z Microsoft.Testing.Platform.Requests.TestHostTestFrameworkInvoker.ExecuteAsync(IT -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9587420Z estFramework testFramework, ClientInfo client, CancellationToken  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9587810Z cancellationToken) in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9588340Z /_/src/Platform/Microsoft.Testing.Platform/Requests/TestHostTestFrameworkInvoker -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9588820Z .cs:line 61 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9589050Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9589520Z Microsoft.Testing.Platform.Hosts.CommonHost.ExecuteRequestAsync(ProxyOutputDevic -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9590080Z e outputDevice, ITestSessionContext testSessionInfo, ServiceProvider  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9590640Z serviceProvider, BaseMessageBus baseMessageBus, ITestFramework testFramework,  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9591060Z ClientInfo client) in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9591520Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 143 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9592160Z  at Microsoft.Testing.Platform.Hosts.ConsoleTestHost.InternalRunAsync() in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9592780Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/ConsoleTestHost.cs:line 83 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9593390Z  at Microsoft.Testing.Platform.Hosts.ConsoleTestHost.InternalRunAsync() in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9594050Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/ConsoleTestHost.cs:line 115 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9594430Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9594890Z Microsoft.Testing.Platform.Hosts.CommonHost.RunTestAppAsync(CancellationToken  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9595430Z testApplicationCancellationToken) in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9595940Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 115 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9596490Z  at Microsoft.Testing.Platform.Hosts.CommonHost.RunAsync() in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9597120Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 38 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9597650Z  at Microsoft.Testing.Platform.Hosts.CommonHost.RunAsync() in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9598220Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 74 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9598840Z  at Microsoft.Testing.Platform.Hosts.TestHostControlledHost.RunAsync() in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9599410Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/TestHostControlledHost.cs:line  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9599790Z 23 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9600440Z  at Microsoft.Testing.Platform.Builder.TestApplication.RunAsync() in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9601080Z /_/src/Platform/Microsoft.Testing.Platform/Builder/TestApplication.cs:line 222 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9601650Z  at TestingPlatformEntryPoint.Main(String[] args) in  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9602160Z /_/TUnit.Engine.Tests/obj/Release/net9.0/TestPlatformEntryPoint.cs:line 16 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9602760Z  at TestingPlatformEntryPoint.
(String[] args) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9603000Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9603000Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9603270Z Exit Code: 7 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9603680Z  at ModularPipelines.Context.d__6.MoveNext() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9604290Z  at System.Runtime.ExceptionServices.ExceptionDispatchInfo.Throw() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9604930Z  at System.Runtime.CompilerServices.TaskAwaiter.ThrowForNonSuccess( -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9605460Z System.Threading.Tasks.Task task) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9605850Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9606430Z System.Runtime.CompilerServices.TaskAwaiter.HandleNonSuccessAndDebuggerNotificat -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9607060Z ion(System.Threading.Tasks.Task task,  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9607670Z System.Threading.Tasks.ConfigureAwaitOptions options) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9608220Z  at System.Runtime.CompilerServices.TaskAwaiter`1.GetResult() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9608650Z  +35 more... -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9609160Z [7:27:45 PM Fail] Module RunEngineTestsModule failed -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:45.9610250Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0331840Z ##[group]GenerateVersionModule -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0433430Z [7:27:46 PM Fail] Module Failed after 00:00:00 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0535970Z System.OperationCanceledException: The operation was canceled. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0545830Z  at System.Threading.CancellationToken.ThrowOperationCanceledException() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0546820Z  at System.Threading.CancellationToken.ThrowIfCancellationRequested() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0548000Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0548630Z ModularPipelines.Engine.Executors.ModuleHandlers.CancellationHandler`1.SetupCanc -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0549220Z ellation() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0549770Z  at ModularPipelines.Modules.d__28.MoveNext() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0551170Z [7:27:46 PM Info] Pipeline has been canceled -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0551890Z [7:27:46 PM Fail] The pipeline has errored so Module GenerateVersionModule will  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0552310Z terminate -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0552740Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0553650Z ##[group]GetPackageProjectsModule -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0554150Z [7:27:46 PM Fail] Module Failed after 00:00:00 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0554710Z System.OperationCanceledException: The operation was canceled. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0555320Z  at System.Threading.CancellationToken.ThrowOperationCanceledException() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0555950Z  at System.Threading.CancellationToken.ThrowIfCancellationRequested() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0556340Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0556820Z ModularPipelines.Engine.Executors.ModuleHandlers.CancellationHandler`1.SetupCanc -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0557500Z ellation() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0557900Z  at ModularPipelines.Modules.d__28.MoveNext() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0558440Z [7:27:46 PM Info] Pipeline has been canceled -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0559140Z [7:27:46 PM Fail] The pipeline has errored so Module GetPackageProjectsModule  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0559570Z will terminate -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0559850Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0560730Z ##[group]AddLocalNuGetRepositoryModule -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0561200Z [7:27:46 PM Fail] Module Failed after 00:00:00 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0561740Z System.OperationCanceledException: The operation was canceled. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0562350Z  at System.Threading.CancellationToken.ThrowOperationCanceledException() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0562970Z  at System.Threading.CancellationToken.ThrowIfCancellationRequested() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0563360Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0563820Z ModularPipelines.Engine.Executors.ModuleHandlers.CancellationHandler`1.SetupCanc -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0564220Z ellation() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0564590Z  at ModularPipelines.Modules.d__28.MoveNext() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0565130Z [7:27:46 PM Info] Pipeline has been canceled -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0565640Z [7:27:46 PM Fail] The pipeline has errored so Module  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0566120Z AddLocalNuGetRepositoryModule will terminate -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0566490Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0566730Z ##[group]PackTUnitFilesModule -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0567130Z [7:27:46 PM Fail] Module Failed after 00:00:00 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0567650Z System.OperationCanceledException: The operation was canceled. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0568340Z  at System.Threading.CancellationToken.ThrowOperationCanceledException() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0569030Z  at System.Threading.CancellationToken.ThrowIfCancellationRequested() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0569660Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0570320Z ModularPipelines.Engine.Executors.ModuleHandlers.CancellationHandler`1.SetupCanc -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0570970Z ellation() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0571520Z  at ModularPipelines.Modules.d__28.MoveNext() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0572240Z [7:27:46 PM Info] Pipeline has been canceled -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0573170Z [7:27:46 PM Fail] The pipeline has errored so Module PackTUnitFilesModule will  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0573760Z terminate -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0574160Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0574540Z ##[group]CopyToLocalNuGetModule -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0575160Z [7:27:46 PM Fail] Module Failed after 00:00:00 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0575920Z System.OperationCanceledException: The operation was canceled. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0576810Z  at System.Threading.CancellationToken.ThrowOperationCanceledException() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0577700Z  at System.Threading.CancellationToken.ThrowIfCancellationRequested() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0578370Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0579430Z ModularPipelines.Engine.Executors.ModuleHandlers.CancellationHandler`1.SetupCanc -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0580130Z ellation() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0580730Z  at ModularPipelines.Modules.d__28.MoveNext() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0581410Z [7:27:46 PM Info] Pipeline has been canceled -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0582280Z [7:27:46 PM Fail] The pipeline has errored so Module CopyToLocalNuGetModule will -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0582860Z terminate -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0583250Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0583490Z ##[group]TestNugetPackageModule -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0583900Z [7:27:46 PM Fail] Module Failed after 00:00:00 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0584470Z System.OperationCanceledException: The operation was canceled. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0585100Z  at System.Threading.CancellationToken.ThrowOperationCanceledException() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0585720Z  at System.Threading.CancellationToken.ThrowIfCancellationRequested() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0586110Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0586570Z ModularPipelines.Engine.Executors.ModuleHandlers.CancellationHandler`1.SetupCanc -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0587000Z ellation() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0587380Z  at ModularPipelines.Modules.d__28.MoveNext() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0587910Z [7:27:46 PM Info] Pipeline has been canceled -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0588590Z [7:27:46 PM Fail] The pipeline has errored so Module TestNugetPackageModule will -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0589000Z terminate -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0589420Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0589700Z ##[group]TestTemplatePackageModule -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0590610Z [7:27:46 PM Fail] Module Failed after 00:00:00 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0592630Z System.OperationCanceledException: The operation was canceled. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0593730Z  at System.Threading.CancellationToken.ThrowOperationCanceledException() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0594620Z  at System.Threading.CancellationToken.ThrowIfCancellationRequested() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0595080Z  at  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0597500Z ModularPipelines.Engine.Executors.ModuleHandlers.CancellationHandler`1.SetupCanc -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0598230Z ellation() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0598610Z  at ModularPipelines.Modules.d__28.MoveNext() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0599300Z [7:27:46 PM Info] Pipeline has been canceled -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0599990Z [7:27:46 PM Fail] The pipeline has errored so Module TestTemplatePackageModule  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0600420Z will terminate -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0600740Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0687720Z ##[group]CommitFilesModule -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0690280Z [7:27:46 PM Info] SkipHandler`1 ignored because: A category of this module has  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0697510Z been ignored and no historical results were found -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0698760Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0699540Z ##[group]CreateReleaseModule -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0704120Z [7:27:46 PM Info] SkipHandler`1 ignored because: A condition to run this module  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0706340Z has not been met - RunOnLinuxOnlyAttribute and no historical results were found -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0711450Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0711820Z ##[group]GenerateReadMeModule -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0712790Z [7:27:46 PM Info] SkipHandler`1 ignored because: A category of this module has  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0713750Z been ignored and no historical results were found -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0714490Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0714790Z ##[group]PushVersionTagModule -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0715600Z [7:27:46 PM Info] SkipHandler`1 ignored because: A condition to run this module  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0717590Z has not been met - RunOnlyOnBranchAttribute and no historical results were found -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0718460Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0718830Z ##[group]TestFSharpNugetPackageModule -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0719630Z [7:27:46 PM Info] SkipHandler`1 ignored because: A condition to run this module  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0720780Z has not been met - RunOnWindowsOnlyAttribute and no historical results were  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0721200Z found -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0721530Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0721820Z ##[group]TestVBNugetPackageModule -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0722600Z [7:27:46 PM Info] SkipHandler`1 ignored because: A condition to run this module  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0723580Z has not been met - RunOnWindowsOnlyAttribute and no historical results were  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0724040Z found -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0724330Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0724800Z ##[group]UploadToNuGetModule -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0725840Z [7:27:46 PM Info] SkipHandler`1 ignored because: A condition to run this module  -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0731710Z has not been met - RunOnlyOnBranchAttribute and no historical results were found -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0732540Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.0741520Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1324750Z ┌─────────────┬────────────┬────────────┬────────────┬────────────┬────────────┐ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1326440Z │ Module │ Duration │ Status │ Start │ End │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1327740Z ├─────────────┼────────────┼────────────┼────────────┼────────────┼────────────┤ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1330520Z │ CommitFiles │ 0ms │ Skipped │ │ │ A category │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1332060Z │ Module │ │ │ │ │ of this  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1333240Z │ │ │ │ │ │ module has │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1334330Z │ │ │ │ │ │ been  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1335590Z │ │ │ │ │ │ ignored │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1336690Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1338660Z │ CreateRelea │ 0ms │ Skipped │ │ │ A  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1340310Z │ seModule │ │ │ │ │ condition  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1342470Z │ │ │ │ │ │ to run  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1343720Z │ │ │ │ │ │ this  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1344850Z │ │ │ │ │ │ module has │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1345980Z │ │ │ │ │ │ not been  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1347160Z │ │ │ │ │ │ met -  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1348380Z │ │ │ │ │ │ RunOnLinux │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1349590Z │ │ │ │ │ │ OnlyAttrib │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1350780Z │ │ │ │ │ │ ute │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1351880Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1353280Z │ GenerateRea │ 0ms │ Skipped │ │ │ A category │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1354960Z │ dMeModule │ │ │ │ │ of this  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1356220Z │ │ │ │ │ │ module has │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1357330Z │ │ │ │ │ │ been  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1365490Z │ │ │ │ │ │ ignored │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1367730Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1369450Z │ PushVersion │ 0ms │ Skipped │ │ │ A  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1372890Z │ TagModule │ │ │ │ │ condition  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1373450Z │ │ │ │ │ │ to run  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1373960Z │ │ │ │ │ │ this  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1374460Z │ │ │ │ │ │ module has │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1374960Z │ │ │ │ │ │ not been  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1375450Z │ │ │ │ │ │ met -  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1375950Z │ │ │ │ │ │ RunOnlyOnB │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1376520Z │ │ │ │ │ │ ranchAttri │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1377210Z │ │ │ │ │ │ bute │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1377740Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1378360Z │ RunAspNetTe │ 0ms │ Skipped │ │ │ A  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1379200Z │ stsModule │ │ │ │ │ condition  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1379830Z │ │ │ │ │ │ to run  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1380410Z │ │ │ │ │ │ this  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1389300Z Unhandled exception: ModularPipelines.Exceptions.ModuleFailedException: The module RunEngineTestsModule has failed. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1390110Z │ │ │ │ │ │ module has │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1391520Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1391750Z │ │ │ │ │ │ not been  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1392180Z │ │ │ │ │ │ met -  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1392340Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1392540Z │ │ │ │ │ │ RunOnLinux │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1393410Z Input: dotnet run --configuration Release --framework net9.0 --no-build --project TUnit.Engine.Tests.csproj --hangdump --hangdump-filename hangdump.Unix.engine-tests.dmp --hangdump-timeout 30m --timeout 35m --fail-fast -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1394690Z │ │ │ │ │ │ OnlyAttrib │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1394930Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1395270Z Error: Unhandled exception. System.Exception: Error asserting results for AfterTestAttributeTests: "Failed" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1395660Z should be -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1395820Z "Completed" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1395940Z but was not -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1396070Z difference -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1396320Z Difference | | | | | | | | | | -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1396560Z | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1396820Z Index | 0 1 2 3 4 5 6 7 8 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1397130Z Expected Value | C o m p l e t e d -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1397440Z Actual Value | F a i l e d -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1397750Z Expected Code | 67 111 109 112 108 101 116 101 100 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1398060Z Actual Code | 70 97 105 108 101 100 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1398230Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1398270Z Expression: [ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1398490Z result => result.ResultSummary.Outcome.ShouldBe("Completed"), -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1398820Z result => result.ResultSummary.Counters.Total.ShouldBe(1), -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1399150Z result => result.ResultSummary.Counters.Passed.ShouldBe(1), -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1399490Z result => result.ResultSummary.Counters.Failed.ShouldBe(0), -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1399830Z result => result.ResultSummary.Counters.NotExecuted.ShouldBe(0), -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1400210Z _ => FindFile(x => x.Name.EndsWith("AfterTestAttributeTests.txt")).AssertExists() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1400490Z ] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1400640Z ---> Shouldly.ShouldAssertException: "Failed" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1400840Z should be -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1400960Z "Completed" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1401080Z but was not -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1401210Z difference -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1401420Z Difference | | | | | | | | | | -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1401650Z | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1401910Z Index | 0 1 2 3 4 5 6 7 8 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1402350Z Expected Value | C o m p l e t e d -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1402680Z Actual Value | F a i l e d -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1403000Z Expected Code | 67 111 109 112 108 101 116 101 100 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1403300Z Actual Code | 70 97 105 108 101 100 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1403790Z at TUnit.Engine.Tests.AfterTestAttributeTests.<>c.b__1_0(TestRun result) in /_/TUnit.Engine.Tests/AfterTestAttributeTests.cs:line 15 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1404460Z at TUnit.Engine.Tests.TrxAsserter.<>c__DisplayClass0_1.b__1(Action`1 x) in /_/TUnit.Engine.Tests/TrxAsserter.cs:line 23 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1405010Z at System.Collections.Generic.List`1.ForEach(Action`1 action) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1405790Z at TUnit.Engine.Tests.TrxAsserter.AssertTrx(TestMode testMode, Command command, BufferedCommandResult commandResult, List`1 assertions, String trxFilename, String assertionExpression) in /_/TUnit.Engine.Tests/TrxAsserter.cs:line 23 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1406520Z --- End of inner exception stack trace --- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1407140Z at TUnit.Engine.Scheduling.TestScheduler.WaitForTasksWithFailFastHandling(Task[] tasks, CancellationToken cancellationToken) in /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 368 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1408160Z at TUnit.Engine.Scheduling.TestScheduler.ExecuteGroupedTestsAsync(GroupedTests groupedTests, CancellationToken cancellationToken) in /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 144 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1409140Z at TUnit.Engine.Scheduling.TestScheduler.ScheduleAndExecuteAsync(List`1 testList, CancellationToken cancellationToken) in /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 103 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1410050Z at TUnit.Engine.TestSessionCoordinator.ExecuteTestsCore(List`1 testList, CancellationToken cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 112 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1411080Z at TUnit.Engine.TestSessionCoordinator.ExecuteTests(IEnumerable`1 tests, ITestExecutionFilter filter, IMessageBus messageBus, CancellationToken cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 54 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1412320Z at TUnit.Engine.TestSessionCoordinator.ExecuteTests(IEnumerable`1 tests, ITestExecutionFilter filter, IMessageBus messageBus, CancellationToken cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 58 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1413650Z at TUnit.Engine.Framework.TestRequestHandler.HandleRunRequestAsync(TUnitServiceProvider serviceProvider, RunTestExecutionRequest request, ExecuteRequestContext context, ITestExecutionFilter testExecutionFilter) in /_/TUnit.Engine/Framework/TestRequestHandler.cs:line 79 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1415140Z at TUnit.Engine.Framework.TestRequestHandler.HandleRequestAsync(TestExecutionRequest request, TUnitServiceProvider serviceProvider, ExecuteRequestContext context, ITestExecutionFilter testExecutionFilter) in /_/TUnit.Engine/Framework/TestRequestHandler.cs:line 19 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1416310Z at TUnit.Engine.Framework.TUnitTestFramework.ExecuteRequestAsync(ExecuteRequestContext context) in /_/TUnit.Engine/Framework/TUnitTestFramework.cs:line 60 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1417180Z at TUnit.Engine.Framework.TUnitTestFramework.ExecuteRequestAsync(ExecuteRequestContext context) in /_/TUnit.Engine/Framework/TUnitTestFramework.cs:line 81 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1418480Z at Microsoft.Testing.Platform.Requests.TestHostTestFrameworkInvoker.ExecuteRequestAsync(ITestFramework testFramework, TestExecutionRequest request, IMessageBus messageBus, CancellationToken cancellationToken) in /_/src/Platform/Microsoft.Testing.Platform/Requests/TestHostTestFrameworkInvoker.cs:line 72 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1420170Z at Microsoft.Testing.Platform.Requests.TestHostTestFrameworkInvoker.ExecuteAsync(ITestFramework testFramework, ClientInfo client, CancellationToken cancellationToken) in /_/src/Platform/Microsoft.Testing.Platform/Requests/TestHostTestFrameworkInvoker.cs:line 61 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1422140Z at Microsoft.Testing.Platform.Hosts.CommonHost.ExecuteRequestAsync(ProxyOutputDevice outputDevice, ITestSessionContext testSessionInfo, ServiceProvider serviceProvider, BaseMessageBus baseMessageBus, ITestFramework testFramework, ClientInfo client) in /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 143 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1423560Z at Microsoft.Testing.Platform.Hosts.ConsoleTestHost.InternalRunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/ConsoleTestHost.cs:line 83 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1424410Z at Microsoft.Testing.Platform.Hosts.ConsoleTestHost.InternalRunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/ConsoleTestHost.cs:line 115 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1425460Z at Microsoft.Testing.Platform.Hosts.CommonHost.RunTestAppAsync(CancellationToken testApplicationCancellationToken) in /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 115 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1426400Z at Microsoft.Testing.Platform.Hosts.CommonHost.RunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 38 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1427130Z at Microsoft.Testing.Platform.Hosts.CommonHost.RunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 74 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1429320Z at Microsoft.Testing.Platform.Hosts.TestHostControlledHost.RunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/TestHostControlledHost.cs:line 23 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1432440Z at Microsoft.Testing.Platform.Builder.TestApplication.RunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Builder/TestApplication.cs:line 222 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1433630Z at TestingPlatformEntryPoint.Main(String[] args) in /_/TUnit.Engine.Tests/obj/Release/net9.0/TestPlatformEntryPoint.cs:line 16 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1434160Z at TestingPlatformEntryPoint.
(String[] args) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1434350Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1434360Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1434410Z Exit Code: 7 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1434610Z ---> ModularPipelines.Exceptions.CommandException: -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1435470Z Input: dotnet run --configuration Release --framework net9.0 --no-build --project TUnit.Engine.Tests.csproj --hangdump --hangdump-filename hangdump.Unix.engine-tests.dmp --hangdump-timeout 30m --timeout 35m --fail-fast -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1436110Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1436430Z Error: Unhandled exception. System.Exception: Error asserting results for AfterTestAttributeTests: "Failed" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1436800Z should be -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1436930Z "Completed" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1437060Z but was not -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1437190Z difference -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1437400Z Difference | | | | | | | | | | -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1437660Z | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1437940Z Index | 0 1 2 3 4 5 6 7 8 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1438250Z Expected Value | C o m p l e t e d -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1438560Z Actual Value | F a i l e d -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1438870Z Expected Code | 67 111 109 112 108 101 116 101 100 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1439170Z Actual Code | 70 97 105 108 101 100 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1439330Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1439530Z Expression: [ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1440220Z result => result.ResultSummary.Outcome.ShouldBe("Completed"), -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1440570Z result => result.ResultSummary.Counters.Total.ShouldBe(1), -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1440910Z result => result.ResultSummary.Counters.Passed.ShouldBe(1), -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1441240Z result => result.ResultSummary.Counters.Failed.ShouldBe(0), -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1441590Z result => result.ResultSummary.Counters.NotExecuted.ShouldBe(0), -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1441980Z _ => FindFile(x => x.Name.EndsWith("AfterTestAttributeTests.txt")).AssertExists() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1442260Z ] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1442790Z ---> Shouldly.ShouldAssertException: "Failed" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1443410Z should be -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1443560Z "Completed" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1443690Z but was not -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1443810Z difference -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1444030Z Difference | | | | | | | | | | -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1444280Z | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1444550Z Index | 0 1 2 3 4 5 6 7 8 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1444850Z Expected Value | C o m p l e t e d -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1445160Z Actual Value | F a i l e d -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1445560Z Expected Code | 67 111 109 112 108 101 116 101 100 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1445860Z Actual Code | 70 97 105 108 101 100 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1446350Z at TUnit.Engine.Tests.AfterTestAttributeTests.<>c.b__1_0(TestRun result) in /_/TUnit.Engine.Tests/AfterTestAttributeTests.cs:line 15 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1447020Z at TUnit.Engine.Tests.TrxAsserter.<>c__DisplayClass0_1.b__1(Action`1 x) in /_/TUnit.Engine.Tests/TrxAsserter.cs:line 23 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1447500Z at System.Collections.Generic.List`1.ForEach(Action`1 action) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1448270Z at TUnit.Engine.Tests.TrxAsserter.AssertTrx(TestMode testMode, Command command, BufferedCommandResult commandResult, List`1 assertions, String trxFilename, String assertionExpression) in /_/TUnit.Engine.Tests/TrxAsserter.cs:line 23 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1449000Z --- End of inner exception stack trace --- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1449620Z at TUnit.Engine.Scheduling.TestScheduler.WaitForTasksWithFailFastHandling(Task[] tasks, CancellationToken cancellationToken) in /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 368 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1450640Z at TUnit.Engine.Scheduling.TestScheduler.ExecuteGroupedTestsAsync(GroupedTests groupedTests, CancellationToken cancellationToken) in /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 144 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1451650Z at TUnit.Engine.Scheduling.TestScheduler.ScheduleAndExecuteAsync(List`1 testList, CancellationToken cancellationToken) in /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 103 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1452600Z at TUnit.Engine.TestSessionCoordinator.ExecuteTestsCore(List`1 testList, CancellationToken cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 112 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1453620Z at TUnit.Engine.TestSessionCoordinator.ExecuteTests(IEnumerable`1 tests, ITestExecutionFilter filter, IMessageBus messageBus, CancellationToken cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 54 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1454650Z │ │ │ │ │ │ ute │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1455000Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1455460Z │ RunPlaywrig │ 0ms │ Skipped │ │ │ A  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1458130Z │ htTestsModu │ │ │ │ │ condition  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1458630Z │ le │ │ │ │ │ to run  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1459020Z │ │ │ │ │ │ this  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1459380Z │ │ │ │ │ │ module has │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1459730Z │ │ │ │ │ │ not been  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1460090Z │ │ │ │ │ │ met -  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1460440Z │ │ │ │ │ │ RunOnLinux │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1460790Z │ │ │ │ │ │ OnlyAttrib │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1461370Z │ │ │ │ │ │ ute │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1461720Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1462180Z │ TestFSharpN │ 0ms │ Skipped │ │ │ A  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1462690Z │ ugetPackage │ │ │ │ │ condition  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1463150Z │ Module │ │ │ │ │ to run  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1463660Z │ │ │ │ │ │ this  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1464010Z │ │ │ │ │ │ module has │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1464360Z │ │ │ │ │ │ not been  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1464720Z │ │ │ │ │ │ met -  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1465070Z │ │ │ │ │ │ RunOnWindo │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1465420Z │ │ │ │ │ │ wsOnlyAttr │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1465780Z │ │ │ │ │ │ ibute │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1466100Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1466590Z │ TestVBNuget │ 0ms │ Skipped │ │ │ A  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1467090Z │ PackageModu │ │ │ │ │ condition  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1467540Z │ le │ │ │ │ │ to run  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1468010Z │ │ │ │ │ │ this  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1468370Z │ │ │ │ │ │ module has │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1468710Z │ │ │ │ │ │ not been  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1469060Z │ │ │ │ │ │ met -  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1469400Z │ │ │ │ │ │ RunOnWindo │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1469760Z │ │ │ │ │ │ wsOnlyAttr │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1470160Z │ │ │ │ │ │ ibute │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1470490Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1470950Z │ UploadToNuG │ 0ms │ Skipped │ │ │ A  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1471480Z │ etModule │ │ │ │ │ condition  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1471890Z │ │ │ │ │ │ to run  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1472240Z │ │ │ │ │ │ this  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1472590Z │ │ │ │ │ │ module has │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1473090Z │ │ │ │ │ │ not been  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1473440Z │ │ │ │ │ │ met -  │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1473790Z │ │ │ │ │ │ RunOnlyOnB │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1474210Z │ │ │ │ │ │ ranchAttri │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1474600Z │ │ │ │ │ │ bute │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1474920Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1475370Z │ RunUnitTest │ 6s & 285ms │ Successful │ 7:20:50 PM │ 7:20:57 PM │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1475830Z │ sModule │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1476300Z │ --net9.0 │ 3s & 318ms │ Successful │ 7:20:50 PM │ 7:20:54 PM │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1476830Z │ --net8.0 │ 2s & 954ms │ Successful │ 7:20:54 PM │ 7:20:57 PM │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1477240Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1477700Z │ RunRpcTests │ 1s & 484ms │ Successful │ 7:20:57 PM │ 7:20:58 PM │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1478160Z │ Module │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1478630Z │ --net8.0 │ 1s & 482ms │ Successful │ 7:20:57 PM │ 7:20:58 PM │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1479020Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1479470Z │ RunPublicAP │ 5s & 447ms │ Successful │ 7:20:58 PM │ 7:21:04 PM │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1479960Z │ ITestsModul │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1480430Z │ e │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1480890Z │ --net9.0 │ 2s & 900ms │ Successful │ 7:20:58 PM │ 7:21:01 PM │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1481430Z │ --net8.0 │ 2s & 547ms │ Successful │ 7:21:01 PM │ 7:21:04 PM │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1481870Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1482360Z │ RunAnalyzer │ 43s & │ Successful │ 7:21:04 PM │ 7:21:47 PM │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1482880Z │ sTestsModul │ 596ms │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1483310Z │ e │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1483670Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1484150Z │ RunAssertio │ 7s & 410ms │ Successful │ 7:21:47 PM │ 7:21:55 PM │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1484700Z │ nsCodeFixer │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1485370Z │ sTestsModul │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1487180Z │ e │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1488110Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1489460Z │ RunSourceGe │ 4s & 700ms │ Successful │ 7:21:55 PM │ 7:21:59 PM │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1490780Z │ neratorTest │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1491850Z │ sModule │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1493860Z │ --net9.0 │ 2s & 237ms │ Successful │ 7:21:55 PM │ 7:21:57 PM │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1495330Z │ --net8.0 │ 2s & 462ms │ Successful │ 7:21:57 PM │ 7:21:59 PM │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1496570Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1504120Z │ RunAssertio │ 26s & │ Successful │ 7:21:59 PM │ 7:22:26 PM │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1505300Z │ nsAnalyzers │ 904ms │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1505790Z │ TestsModule │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1506190Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1506690Z │ RunAssertio │ 6s & 538ms │ Successful │ 7:22:26 PM │ 7:22:33 PM │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1507340Z │ nsTestsModu │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1507780Z │ le │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1508260Z │ --net9.0 │ 3s & 474ms │ Successful │ 7:22:26 PM │ 7:22:30 PM │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1508860Z │ --net8.0 │ 3s & 62ms │ Successful │ 7:22:30 PM │ 7:22:33 PM │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1509300Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1509770Z │ RunTemplate │ 12s & │ Successful │ 7:22:33 PM │ 7:22:45 PM │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1510340Z │ TestsModule │ 540ms │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1510770Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1511610Z │ PublishAOTM │ 2m & 22s │ Successful │ 7:22:45 PM │ 7:25:08 PM │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1512170Z │ odule │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1512580Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1513120Z │ PublishSing │ 38s & │ Successful │ 7:25:08 PM │ 7:25:47 PM │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1513700Z │ leFileModul │ 883ms │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1515120Z │ e │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1515550Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1516130Z │ RunEngineTe │ 1m & 58s │ Failed │ 7:25:47 PM │ 7:27:45 PM │ CommandExc │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1516940Z │ stsModule │ │ │ │ │ eption │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1517310Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1517790Z │ GenerateVer │ 0ms │ Pipeline  │ │ 2025/09/28 │ OperationC │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1518680Z │ sionModule │ │ Terminated │ │ 7:27:46 PM │ anceledExc │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1519160Z │ │ │ │ │ │ eption │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1519490Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1520270Z │ GetPackageP │ 0ms │ Pipeline  │ │ 2025/09/28 │ OperationC │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1520820Z │ rojectsModu │ │ Terminated │ │ 7:27:46 PM │ anceledExc │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1521300Z │ le │ │ │ │ │ eption │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1521650Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1522120Z │ AddLocalNuG │ 0ms │ Pipeline  │ │ 2025/09/28 │ OperationC │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1522670Z │ etRepositor │ │ Terminated │ │ 7:27:46 PM │ anceledExc │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1523150Z │ yModule │ │ │ │ │ eption │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1523510Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1523980Z │ PackTUnitFi │ 0ms │ Pipeline  │ │ 2025/09/28 │ OperationC │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1524950Z │ lesModule │ │ Terminated │ │ 7:27:46 PM │ anceledExc │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1525740Z │ │ │ │ │ │ eption │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1526070Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1526560Z │ CopyToLocal │ 0ms │ Pipeline  │ │ 2025/09/28 │ OperationC │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1527120Z │ NuGetModule │ │ Terminated │ │ 7:27:46 PM │ anceledExc │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1527560Z │ │ │ │ │ │ eption │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1527890Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1528340Z │ TestNugetPa │ 0ms │ Pipeline  │ │ 2025/09/28 │ OperationC │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1528900Z │ ckageModule │ │ Terminated │ │ 7:27:46 PM │ anceledExc │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1529330Z │ │ │ │ │ │ eption │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1529660Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1530120Z │ TestTemplat │ 0ms │ Pipeline  │ │ 2025/09/28 │ OperationC │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1530670Z │ ePackageMod │ │ Terminated │ │ 7:27:46 PM │ anceledExc │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1531150Z │ ule │ │ │ │ │ eption │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1531540Z │ │ │ │ │ │ │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1531930Z │ Total │ 6m & 55s │ Failed │ 7:20:50 PM │ 7:27:46 PM │ ... │ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1532650Z └─────────────┴────────────┴────────────┴────────────┴────────────┴────────────┘ -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1532830Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1533990Z [7:27:46 PM Info] Pipeline failed due to: ModuleFailedException -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1535160Z at TUnit.Engine.TestSessionCoordinator.ExecuteTests(IEnumerable`1 tests, ITestExecutionFilter filter, IMessageBus messageBus, CancellationToken cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 58 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1536680Z at TUnit.Engine.Framework.TestRequestHandler.HandleRunRequestAsync(TUnitServiceProvider serviceProvider, RunTestExecutionRequest request, ExecuteRequestContext context, ITestExecutionFilter testExecutionFilter) in /_/TUnit.Engine/Framework/TestRequestHandler.cs:line 79 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1538190Z at TUnit.Engine.Framework.TestRequestHandler.HandleRequestAsync(TestExecutionRequest request, TUnitServiceProvider serviceProvider, ExecuteRequestContext context, ITestExecutionFilter testExecutionFilter) in /_/TUnit.Engine/Framework/TestRequestHandler.cs:line 19 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1539400Z at TUnit.Engine.Framework.TUnitTestFramework.ExecuteRequestAsync(ExecuteRequestContext context) in /_/TUnit.Engine/Framework/TUnitTestFramework.cs:line 60 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1540270Z at TUnit.Engine.Framework.TUnitTestFramework.ExecuteRequestAsync(ExecuteRequestContext context) in /_/TUnit.Engine/Framework/TUnitTestFramework.cs:line 81 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1541650Z at Microsoft.Testing.Platform.Requests.TestHostTestFrameworkInvoker.ExecuteRequestAsync(ITestFramework testFramework, TestExecutionRequest request, IMessageBus messageBus, CancellationToken cancellationToken) in /_/src/Platform/Microsoft.Testing.Platform/Requests/TestHostTestFrameworkInvoker.cs:line 72 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1543270Z at Microsoft.Testing.Platform.Requests.TestHostTestFrameworkInvoker.ExecuteAsync(ITestFramework testFramework, ClientInfo client, CancellationToken cancellationToken) in /_/src/Platform/Microsoft.Testing.Platform/Requests/TestHostTestFrameworkInvoker.cs:line 61 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1544970Z at Microsoft.Testing.Platform.Hosts.CommonHost.ExecuteRequestAsync(ProxyOutputDevice outputDevice, ITestSessionContext testSessionInfo, ServiceProvider serviceProvider, BaseMessageBus baseMessageBus, ITestFramework testFramework, ClientInfo client) in /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 143 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1546290Z at Microsoft.Testing.Platform.Hosts.ConsoleTestHost.InternalRunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/ConsoleTestHost.cs:line 83 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1547180Z at Microsoft.Testing.Platform.Hosts.ConsoleTestHost.InternalRunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/ConsoleTestHost.cs:line 115 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1548220Z at Microsoft.Testing.Platform.Hosts.CommonHost.RunTestAppAsync(CancellationToken testApplicationCancellationToken) in /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 115 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1549210Z at Microsoft.Testing.Platform.Hosts.CommonHost.RunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 38 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1550120Z at Microsoft.Testing.Platform.Hosts.CommonHost.RunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 74 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1550940Z at Microsoft.Testing.Platform.Hosts.TestHostControlledHost.RunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/TestHostControlledHost.cs:line 23 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1551780Z at Microsoft.Testing.Platform.Builder.TestApplication.RunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Builder/TestApplication.cs:line 222 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1552590Z at TestingPlatformEntryPoint.Main(String[] args) in /_/TUnit.Engine.Tests/obj/Release/net9.0/TestPlatformEntryPoint.cs:line 16 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1553060Z at TestingPlatformEntryPoint.
(String[] args) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1553340Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1553340Z -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1553390Z Exit Code: 7 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1553770Z at ModularPipelines.Context.Command.Of(Command command, CommandLineToolOptions options, CancellationToken cancellationToken) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1554850Z at ModularPipelines.Context.Command.ExecuteCommandLineTool(CommandLineToolOptions options, CancellationToken cancellationToken) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1555480Z at ModularPipelines.DotNet.Services.DotNet.Run(DotNetRunOptions options, CancellationToken token) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1556250Z at TUnit.Pipeline.Modules.RunEngineTestsModule.ExecuteAsync(IPipelineContext context, CancellationToken cancellationToken) in /_/TUnit.Pipeline/Modules/RunEngineTestsModule.cs:line 33 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1557020Z at ModularPipelines.Modules.Module`1.<>c__DisplayClass36_0.<b__0>d.MoveNext() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1557470Z --- End of stack trace from previous location --- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1558860Z at Polly.Retry.AsyncRetryEngine.ImplementationAsync[TResult](Func`3 action, Context context, ExceptionPredicates shouldRetryExceptionPredicates, ResultPredicates`1 shouldRetryResultPredicates, Func`5 onRetryAsync, CancellationToken cancellationToken, Int32 permittedRetryCount, IEnumerable`1 sleepDurationsEnumerable, Func`4 sleepDurationProvider, Boolean continueOnCapturedContext) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1560340Z at Polly.AsyncPolicy`1.ExecuteInternalAsync(Func`3 action, Context context, Boolean continueOnCapturedContext, CancellationToken cancellationToken) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1562050Z at ModularPipelines.Modules.Module`1.ExecuteInternal() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1562950Z at ModularPipelines.Modules.Module`1.StartInternal() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1563680Z --- End of inner exception stack trace --- -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1565310Z at ModularPipelines.Engine.Executors.PipelineExecutor.ExecuteAsync(List`1 runnableModules, OrganizedModules organizedModules) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1567880Z at ModularPipelines.Engine.Executors.ExecutionOrchestrator.ExecutePipeline(List`1 runnableModules, OrganizedModules organizedModules) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1570340Z at ModularPipelines.Engine.Executors.ExecutionOrchestrator.ExecutePipeline(List`1 runnableModules, OrganizedModules organizedModules) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1585720Z at ModularPipelines.Engine.Executors.ExecutionOrchestrator.ExecutePipeline(List`1 runnableModules, OrganizedModules organizedModules) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1586780Z at ModularPipelines.Engine.Executors.ExecutionOrchestrator.ExecuteInternal(CancellationToken cancellationToken) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1587470Z at ModularPipelines.Engine.Executors.ExecutionOrchestrator.ExecuteInternal(CancellationToken cancellationToken) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1588210Z at ModularPipelines.Engine.Executors.ExecutionOrchestrator.ExecuteAsync(CancellationToken cancellationToken) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1588860Z at ModularPipelines.Extensions.HostExtensions.ExecutePipelineAsync(IPipelineHost host) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1589390Z at ModularPipelines.Host.PipelineHostBuilder.ExecutePipelineAsync() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1589880Z at ModularPipelines.Host.PipelineHostBuilder.ExecutePipelineAsync() -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1590410Z at Program.<>c__DisplayClass0_0.<
$>b__0(ParseResult parseResult) in /_/TUnit.Pipeline/Program.cs:line 45 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1591250Z at System.CommandLine.Command.<>c__DisplayClass30_0.b__0(ParseResult context) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1591850Z at System.CommandLine.Invocation.AnonymousSynchronousCommandLineAction.Invoke(ParseResult parseResult) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.1592600Z at System.CommandLine.Invocation.InvocationPipeline.InvokeAsync(ParseResult parseResult, CancellationToken cancellationToken) -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.2073650Z ##[error]Process completed with exit code 1. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.3457990Z ##[group]Run actions/upload-artifact@v4.6.2 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.3458260Z with: -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.3458530Z name: TestingPlatformDiagnosticLogsmacos-latest -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.3458760Z path: **/log_*.diag -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.3459130Z if-no-files-found: warn -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.3459290Z compression-level: 6 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.3460360Z overwrite: false -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.3460850Z include-hidden-files: false -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.3461080Z env: -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.3461240Z DOTNET_ROOT: /Users/runner/.dotnet -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:46.3461430Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:51.1279820Z With the provided path, there will be 30 files uploaded -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:51.1285760Z Artifact name is valid! -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:51.1286340Z Root directory input is valid! -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:51.4493010Z Beginning upload of artifact content to blob storage -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:51.7411770Z Uploaded bytes 60569 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:51.7829650Z Finished uploading artifact content to blob storage! -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:51.7831250Z SHA256 digest of uploaded artifact zip is 9eff516e54b7646483ed777d10b96de0dad3e45de4680d77f568b31cc7469d48 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:51.7832060Z Finalizing artifact upload -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:51.8942370Z Artifact TestingPlatformDiagnosticLogsmacos-latest.zip successfully finalized. Artifact ID 4126648927 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:51.8958330Z Artifact TestingPlatformDiagnosticLogsmacos-latest has been successfully uploaded! Final size is 60569 bytes. Artifact ID is 4126648927 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:51.8959450Z Artifact download URL: https://github.com/thomhurst/TUnit/actions/runs/18078685560/artifacts/4126648927 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:51.9069780Z ##[group]Run actions/upload-artifact@v4.6.2 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:51.9070070Z with: -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:51.9070240Z name: HangDumpmacos-latest -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:51.9070450Z path: **/hangdump* -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:51.9070620Z if-no-files-found: warn -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:51.9070820Z compression-level: 6 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:51.9070980Z overwrite: false -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:51.9071120Z include-hidden-files: false -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:51.9071310Z env: -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:51.9071440Z DOTNET_ROOT: /Users/runner/.dotnet -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:51.9071640Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:53.2243870Z ##[warning]No files were found with the provided path: **/hangdump*. No artifacts will be uploaded. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:53.2326030Z ##[group]Run actions/upload-artifact@v4.6.2 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:53.2326260Z with: -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:53.2326420Z name: NuGetPackages-macos-latest -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:53.2326600Z path: **/*.*nupkg -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:53.2326770Z if-no-files-found: warn -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:53.2326950Z compression-level: 6 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:53.2327100Z overwrite: false -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:53.2327270Z include-hidden-files: false -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:53.2327440Z env: -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:53.2327570Z DOTNET_ROOT: /Users/runner/.dotnet -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:53.2327780Z ##[endgroup] -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:54.2658430Z With the provided path, there will be 9 files uploaded -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:54.2659090Z Artifact name is valid! -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:54.2659400Z Root directory input is valid! -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:54.3840810Z Beginning upload of artifact content to blob storage -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:54.5997810Z Uploaded bytes 16399 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:54.6462070Z Finished uploading artifact content to blob storage! -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:54.6470270Z SHA256 digest of uploaded artifact zip is 9d877b774297d7f4188b0b16c96bd2b3fb79c8da4a0a16c113f4647111a3e3e3 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:54.6470950Z Finalizing artifact upload -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:54.7517660Z Artifact NuGetPackages-macos-latest.zip successfully finalized. Artifact ID 4126649045 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:54.7518350Z Artifact NuGetPackages-macos-latest has been successfully uploaded! Final size is 16399 bytes. Artifact ID is 4126649045 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:54.7523780Z Artifact download URL: https://github.com/thomhurst/TUnit/actions/runs/18078685560/artifacts/4126649045 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:54.7628540Z Post job cleanup. -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:55.0542010Z [command]/opt/homebrew/bin/git version -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:55.0739680Z git version 2.50.1 -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:55.0760300Z Copying '/Users/runner/.gitconfig' to '/Users/runner/work/_temp/fa026073-0ac8-44f1-9641-c05048455d0f/.gitconfig' -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:55.0766020Z Temporarily overriding HOME='/Users/runner/work/_temp/fa026073-0ac8-44f1-9641-c05048455d0f' before making global git config changes -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:55.0767090Z Adding repository directory to the temporary git global config as a safe directory -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:55.0769280Z [command]/opt/homebrew/bin/git config --global --add safe.directory /Users/runner/work/TUnit/TUnit -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:55.0854070Z [command]/opt/homebrew/bin/git config --local --name-only --get-regexp core\.sshCommand -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:55.0990890Z [command]/opt/homebrew/bin/git submodule foreach --recursive sh -c "git config --local --name-only --get-regexp 'core\.sshCommand' && git config --local --unset-all 'core.sshCommand' || :" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:55.2144470Z [command]/opt/homebrew/bin/git config --local --name-only --get-regexp http\.https\:\/\/github\.com\/\.extraheader -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:55.2192650Z http.https://github.com/.extraheader -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:55.2197770Z [command]/opt/homebrew/bin/git config --local --unset-all http.https://github.com/.extraheader -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:55.2251280Z [command]/opt/homebrew/bin/git submodule foreach --recursive sh -c "git config --local --name-only --get-regexp 'http\.https\:\/\/github\.com\/\.extraheader' && git config --local --unset-all 'http.https://github.com/.extraheader' || :" -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:55.2992970Z Cleaning up orphan processes -modularpipeline (macos-latest) UNKNOWN STEP 2025-09-28T19:27:55.7381450Z Terminate orphan process: pid (16379) (dotnet) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7772106Z Current runner version: '2.328.0' -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7798611Z ##[group]Runner Image Provisioner -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7799459Z Hosted Compute Agent -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7800097Z Version: 20250912.392 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7800637Z Commit: d921fda672a98b64f4f82364647e2f10b2267d0b -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7801287Z Build Date: 2025-09-12T15:23:14Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7801948Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7802435Z ##[group]Operating System -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7802969Z Microsoft Windows Server 2025 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7803540Z 10.0.26100 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7803955Z Datacenter -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7804424Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7804949Z ##[group]Runner Image -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7805440Z Image: windows-2025 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7805919Z Version: 20250921.36.1 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7806953Z Included Software: https://github.com/actions/runner-images/blob/win25/20250921.36/images/windows/Windows2025-Readme.md -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7809076Z Image Release: https://github.com/actions/runner-images/releases/tag/win25%2F20250921.36 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7810067Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7812476Z ##[group]GITHUB_TOKEN Permissions -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7814704Z Actions: write -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7815275Z Attestations: write -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7815741Z Checks: write -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7816355Z Contents: write -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7816851Z Deployments: write -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7817360Z Discussions: write -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7817892Z Issues: write -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7818383Z Metadata: read -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7818834Z Models: read -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7819282Z Packages: write -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7819788Z Pages: write -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7820257Z PullRequests: write -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7820758Z RepositoryProjects: write -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7821321Z SecurityEvents: write -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7821899Z Statuses: write -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7822360Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7824413Z Secret source: Actions -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.7825116Z Prepare workflow directory -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.8281897Z Prepare all required actions -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:00.8339090Z Getting action download info -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:01.2851424Z Download action repository 'actions/checkout@v5' (SHA:08c6903cd8c0fde910a37f88322edcfb5dd907a8) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:01.4187685Z Download action repository 'microsoft/setup-msbuild@v2' (SHA:6fb02220983dee41ce7ae257b6f4d8f9bf5ed4ce) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:02.0765439Z Download action repository 'actions/setup-dotnet@v5' (SHA:d4c94342e560b34958eacfc5d055d21461ed1c5d) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:02.9706821Z Download action repository 'docker/setup-docker-action@v4.3.0' (SHA:b60f85385d03ac8acfca6d9996982511d8620a19) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:04.2653202Z Download action repository 'actions/upload-artifact@v4.6.2' (SHA:ea165f8d65b6e75b540449e92b4886f43607fa02) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:04.5979865Z Complete job name: modularpipeline (windows-latest) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:04.7262057Z ##[group]Run actions/checkout@v5 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:04.7263195Z with: -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:04.7263542Z fetch-depth: 0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:04.7263847Z repository: thomhurst/TUnit -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:04.7264473Z token: *** -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:04.7264810Z ssh-strict: true -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:04.7265128Z ssh-user: git -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:04.7338862Z persist-credentials: true -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:04.7339455Z clean: true -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:04.7339792Z sparse-checkout-cone-mode: true -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:04.7340159Z fetch-tags: false -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:04.7340447Z show-progress: true -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:04.7340749Z lfs: false -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:04.7341049Z submodules: false -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:04.7341349Z set-safe-directory: true -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:04.7342057Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:04.8888096Z Syncing repository: thomhurst/TUnit -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:04.8889445Z ##[group]Getting Git version info -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:04.8889769Z Working directory is 'D:\a\TUnit\TUnit' -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:04.9610061Z [command]"C:\Program Files\Git\bin\git.exe" version -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:05.1234693Z git version 2.51.0.windows.1 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:05.1282873Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:05.1305333Z Temporarily overriding HOME='D:\a\_temp\e4d60def-f936-4ff5-9080-f7e44425c46a' before making global git config changes -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:05.1306407Z Adding repository directory to the temporary git global config as a safe directory -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:05.1315901Z [command]"C:\Program Files\Git\bin\git.exe" config --global --add safe.directory D:\a\TUnit\TUnit -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:05.1721904Z Deleting the contents of 'D:\a\TUnit\TUnit' -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:05.1728103Z ##[group]Initializing the repository -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:05.1736742Z [command]"C:\Program Files\Git\bin\git.exe" init D:\a\TUnit\TUnit -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:05.2347006Z Initialized empty Git repository in D:/a/TUnit/TUnit/.git/ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:05.2392511Z [command]"C:\Program Files\Git\bin\git.exe" remote add origin https://github.com/thomhurst/TUnit -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:05.2716055Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:05.2716478Z ##[group]Disabling automatic garbage collection -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:05.2725766Z [command]"C:\Program Files\Git\bin\git.exe" config --local gc.auto 0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:05.3027766Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:05.3028296Z ##[group]Setting up auth -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:05.3039562Z [command]"C:\Program Files\Git\bin\git.exe" config --local --name-only --get-regexp core\.sshCommand -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:05.3349604Z [command]"C:\Program Files\Git\bin\git.exe" submodule foreach --recursive "sh -c \"git config --local --name-only --get-regexp 'core\.sshCommand' && git config --local --unset-all 'core.sshCommand' || :\"" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:06.3191059Z [command]"C:\Program Files\Git\bin\git.exe" config --local --name-only --get-regexp http\.https\:\/\/github\.com\/\.extraheader -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:06.3497768Z [command]"C:\Program Files\Git\bin\git.exe" submodule foreach --recursive "sh -c \"git config --local --name-only --get-regexp 'http\.https\:\/\/github\.com\/\.extraheader' && git config --local --unset-all 'http.https://github.com/.extraheader' || :\"" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:06.8954953Z [command]"C:\Program Files\Git\bin\git.exe" config --local http.https://github.com/.extraheader "AUTHORIZATION: basic ***" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:06.9276603Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:06.9289958Z ##[group]Fetching the repository -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:06.9291020Z [command]"C:\Program Files\Git\bin\git.exe" -c protocol.version=2 fetch --prune --no-recurse-submodules origin +refs/heads/*:refs/remotes/origin/* +refs/tags/*:refs/tags/* +8f35981a070d719505b06b5581803ac218073bbb:refs/remotes/pull/3227/merge -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2098592Z From https://github.com/thomhurst/TUnit -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2099258Z * [new branch] bug/2679 -> origin/bug/2679 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2099883Z * [new branch] bug/2867 -> origin/bug/2867 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2100423Z * [new branch] bug/2905 -> origin/bug/2905 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2103674Z * [new branch] bug/3184 -> origin/bug/3184 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2104440Z * [new branch] bug/3219 -> origin/bug/3219 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2105089Z * [new branch] copilot/fix-2183 -> origin/copilot/fix-2183 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2105797Z * [new branch] copilot/fix-2504 -> origin/copilot/fix-2504 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2106617Z * [new branch] copilot/fix-2587 -> origin/copilot/fix-2587 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2107437Z * [new branch] copilot/fix-2614 -> origin/copilot/fix-2614 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2108131Z * [new branch] copilot/fix-2615 -> origin/copilot/fix-2615 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2109223Z * [new branch] copilot/fix-2624 -> origin/copilot/fix-2624 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2109949Z * [new branch] copilot/fix-2632 -> origin/copilot/fix-2632 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2111059Z * [new branch] copilot/fix-2647 -> origin/copilot/fix-2647 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2111745Z * [new branch] copilot/fix-2678 -> origin/copilot/fix-2678 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2112887Z * [new branch] copilot/fix-2679 -> origin/copilot/fix-2679 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2115167Z * [new branch] copilot/fix-2734 -> origin/copilot/fix-2734 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2115900Z * [new branch] copilot/fix-2739 -> origin/copilot/fix-2739 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2116613Z * [new branch] copilot/fix-2749 -> origin/copilot/fix-2749 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2117329Z * [new branch] copilot/fix-2756 -> origin/copilot/fix-2756 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2118037Z * [new branch] copilot/fix-2764 -> origin/copilot/fix-2764 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2118718Z * [new branch] copilot/fix-2798 -> origin/copilot/fix-2798 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2119406Z * [new branch] copilot/fix-2804 -> origin/copilot/fix-2804 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2120216Z * [new branch] copilot/fix-2831 -> origin/copilot/fix-2831 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2120957Z * [new branch] copilot/fix-2867 -> origin/copilot/fix-2867 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2121711Z * [new branch] copilot/fix-2893 -> origin/copilot/fix-2893 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2122407Z * [new branch] copilot/fix-2905 -> origin/copilot/fix-2905 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2123090Z * [new branch] copilot/fix-2911 -> origin/copilot/fix-2911 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2123764Z * [new branch] copilot/fix-2938 -> origin/copilot/fix-2938 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2124447Z * [new branch] copilot/fix-2942 -> origin/copilot/fix-2942 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2125124Z * [new branch] copilot/fix-2948 -> origin/copilot/fix-2948 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2125798Z * [new branch] copilot/fix-2951 -> origin/copilot/fix-2951 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2126480Z * [new branch] copilot/fix-2952 -> origin/copilot/fix-2952 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2127170Z * [new branch] copilot/fix-2955 -> origin/copilot/fix-2955 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2128023Z * [new branch] copilot/fix-2958 -> origin/copilot/fix-2958 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2129154Z * [new branch] copilot/fix-2975 -> origin/copilot/fix-2975 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2129878Z * [new branch] copilot/fix-2993 -> origin/copilot/fix-2993 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2130566Z * [new branch] copilot/fix-3001 -> origin/copilot/fix-3001 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2131262Z * [new branch] copilot/fix-3022 -> origin/copilot/fix-3022 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2132619Z * [new branch] copilot/fix-3034 -> origin/copilot/fix-3034 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2133351Z * [new branch] copilot/fix-3044 -> origin/copilot/fix-3044 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2134036Z * [new branch] copilot/fix-3047 -> origin/copilot/fix-3047 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2135498Z * [new branch] copilot/fix-3055 -> origin/copilot/fix-3055 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2136280Z * [new branch] copilot/fix-3059 -> origin/copilot/fix-3059 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2136989Z * [new branch] copilot/fix-3077 -> origin/copilot/fix-3077 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2137667Z * [new branch] copilot/fix-3084 -> origin/copilot/fix-3084 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2138362Z * [new branch] copilot/fix-3123 -> origin/copilot/fix-3123 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2139047Z * [new branch] copilot/fix-3190 -> origin/copilot/fix-3190 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2140143Z * [new branch] copilot/fix-aa4651ed-ee12-46f3-ad32-a9c1bae268bb -> origin/copilot/fix-aa4651ed-ee12-46f3-ad32-a9c1bae268bb -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2141574Z * [new branch] copilot/fix-nested-classdata-source-injection -> origin/copilot/fix-nested-classdata-source-injection -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2142634Z * [new branch] feature/binlog -> origin/feature/binlog -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2143357Z * [new branch] feature/docs-03082025 -> origin/feature/docs-03082025 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2144524Z * [new branch] feature/nested-data-sources-example -> origin/feature/nested-data-sources-example -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2145474Z * [new branch] feature/nunit-migrate -> origin/feature/nunit-migrate -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2146571Z * [new branch] feature/perf-18092025 -> origin/feature/perf-18092025 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2147488Z * [new branch] feature/perf-improvements-07082025 -> origin/feature/perf-improvements-07082025 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2148527Z * [new branch] feature/public-api-analyzers -> origin/feature/public-api-analyzers -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2150208Z * [new branch] feature/readme-025fa7d898464a16b3cfb90d77afcc2a -> origin/feature/readme-025fa7d898464a16b3cfb90d77afcc2a -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2151656Z * [new branch] feature/readme-0e5a16f080aa419d80e4c4fede4a2e54 -> origin/feature/readme-0e5a16f080aa419d80e4c4fede4a2e54 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2153081Z * [new branch] feature/readme-10340a55ace5403893eded767341caf2 -> origin/feature/readme-10340a55ace5403893eded767341caf2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2154476Z * [new branch] feature/readme-18124280250b4741b33a25981edaf357 -> origin/feature/readme-18124280250b4741b33a25981edaf357 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2155848Z * [new branch] feature/readme-189003f4900d45a38c95afe6dead5a95 -> origin/feature/readme-189003f4900d45a38c95afe6dead5a95 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2157218Z * [new branch] feature/readme-1c9376597bf44482b7c5c0216dc57502 -> origin/feature/readme-1c9376597bf44482b7c5c0216dc57502 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2158590Z * [new branch] feature/readme-2024ea63841141b1a077c5a5bb9143a2 -> origin/feature/readme-2024ea63841141b1a077c5a5bb9143a2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2159983Z * [new branch] feature/readme-2bdd11d592144c66be27ab5ad445ae7b -> origin/feature/readme-2bdd11d592144c66be27ab5ad445ae7b -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2161379Z * [new branch] feature/readme-341eb879eca946248157b98a45c88128 -> origin/feature/readme-341eb879eca946248157b98a45c88128 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2162804Z * [new branch] feature/readme-3981b39d10d84a0586bc9c0878934a83 -> origin/feature/readme-3981b39d10d84a0586bc9c0878934a83 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2164180Z * [new branch] feature/readme-3ba3f78e5fa645c88101a9bd4f75c3e2 -> origin/feature/readme-3ba3f78e5fa645c88101a9bd4f75c3e2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2165598Z * [new branch] feature/readme-3ccb5d76db9047f7ac2c04c39db574a0 -> origin/feature/readme-3ccb5d76db9047f7ac2c04c39db574a0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2167307Z * [new branch] feature/readme-47b0f5c4e4264fbc9b47857a877d392e -> origin/feature/readme-47b0f5c4e4264fbc9b47857a877d392e -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2169237Z * [new branch] feature/readme-4ae54e6f389a4fbfad0ad9862ba43ffc -> origin/feature/readme-4ae54e6f389a4fbfad0ad9862ba43ffc -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2170839Z * [new branch] feature/readme-4df15c2638f541ae9225206ec44d70d7 -> origin/feature/readme-4df15c2638f541ae9225206ec44d70d7 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2172268Z * [new branch] feature/readme-4e749819dcc84a738d36d65a0ce423fe -> origin/feature/readme-4e749819dcc84a738d36d65a0ce423fe -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2173665Z * [new branch] feature/readme-5b9c968b24eb4e3494488272125269a7 -> origin/feature/readme-5b9c968b24eb4e3494488272125269a7 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2175046Z * [new branch] feature/readme-5c3a10b3a0c14ec6848072d9fe9849da -> origin/feature/readme-5c3a10b3a0c14ec6848072d9fe9849da -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2176455Z * [new branch] feature/readme-62d5a19113cb49ad938fa05ccae3ab9e -> origin/feature/readme-62d5a19113cb49ad938fa05ccae3ab9e -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2177872Z * [new branch] feature/readme-6fb7dfc1ba6741ce929d47e7f72fa2c9 -> origin/feature/readme-6fb7dfc1ba6741ce929d47e7f72fa2c9 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2179253Z * [new branch] feature/readme-82a00b69a395487da2e03a505e755261 -> origin/feature/readme-82a00b69a395487da2e03a505e755261 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2180608Z * [new branch] feature/readme-83b6d21c2a4a4780b9b4456b806ffde7 -> origin/feature/readme-83b6d21c2a4a4780b9b4456b806ffde7 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2182175Z * [new branch] feature/readme-966440d5ee204dd8b5ff6d6c7bc58f51 -> origin/feature/readme-966440d5ee204dd8b5ff6d6c7bc58f51 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2183580Z * [new branch] feature/readme-a1536e4212154ff38839e5bcb679addb -> origin/feature/readme-a1536e4212154ff38839e5bcb679addb -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2184947Z * [new branch] feature/readme-c72d985b36a24613868d7544fcc65894 -> origin/feature/readme-c72d985b36a24613868d7544fcc65894 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2186547Z * [new branch] feature/readme-d55308a89a9841008542883b7d4f8e2e -> origin/feature/readme-d55308a89a9841008542883b7d4f8e2e -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2187959Z * [new branch] feature/readme-e9c977f0427a4aa2a7abcb81ad9992ce -> origin/feature/readme-e9c977f0427a4aa2a7abcb81ad9992ce -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2189502Z * [new branch] feature/readme-f2065936f06a4dab93f346bafaa4c8cd -> origin/feature/readme-f2065936f06a4dab93f346bafaa4c8cd -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2190910Z * [new branch] feature/readme-facd1d8033334669afdbdde1ba3c133b -> origin/feature/readme-facd1d8033334669afdbdde1ba3c133b -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2192318Z * [new branch] feature/readme-fb024884403a47ecb14e09b658289c79 -> origin/feature/readme-fb024884403a47ecb14e09b658289c79 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2194423Z * [new branch] feature/readme-fcfe78e45230433391a97d9e3df4a1a2 -> origin/feature/readme-fcfe78e45230433391a97d9e3df4a1a2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2195994Z * [new branch] feature/readme-fd306fac7b404bdda172da52c72a6a97 -> origin/feature/readme-fd306fac7b404bdda172da52c72a6a97 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2197278Z * [new branch] feature/refactor-engine-tests -> origin/feature/refactor-engine-tests -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2198637Z * [new branch] feature/source-gen-nested-data-generator-properties -> origin/feature/source-gen-nested-data-generator-properties -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2199956Z * [new branch] feature/test-context -> origin/feature/test-context -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2200866Z * [new branch] feature/unified-test-builde -> origin/feature/unified-test-builde -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2201854Z * [new branch] feature/unified-test-builder-2 -> origin/feature/unified-test-builder-2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2202954Z * [new branch] feature/unified-test-builder-backup -> origin/feature/unified-test-builder-backup -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2204207Z * [new branch] feature/xunit-itestoutputhelper-analyzer -> origin/feature/xunit-itestoutputhelper-analyzer -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2205441Z * [new branch] fix-class-setup-teardown-ordering -> origin/fix-class-setup-teardown-ordering -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2206662Z * [new branch] fix-test-discovery-project-name-issue-3047 -> origin/fix-test-discovery-project-name-issue-3047 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2208289Z * [new branch] fix/dispose -> origin/fix/dispose -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2208977Z * [new branch] gh-pages -> origin/gh-pages -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2209602Z * [new branch] main -> origin/main -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2210588Z * [new branch] performance/engine-scheduling-optimizations -> origin/performance/engine-scheduling-optimizations -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2211962Z * [new branch] refactor/simplify-assertion-architecture -> origin/refactor/simplify-assertion-architecture -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2213479Z * [new branch] remove-namespace-and-append-guid-to-AssemblyLoader -> origin/remove-namespace-and-append-guid-to-AssemblyLoader -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2214699Z * [new branch] trx-only-if-enabled -> origin/trx-only-if-enabled -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2215337Z * [new tag] v0.0.1 -> v0.0.1 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2215886Z * [new tag] v0.1.1020 -> v0.1.1020 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2216410Z * [new tag] v0.1.1021 -> v0.1.1021 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2216930Z * [new tag] v0.1.1023 -> v0.1.1023 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2218535Z * [new tag] v0.1.1063 -> v0.1.1063 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2219080Z * [new tag] v0.1.1097 -> v0.1.1097 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2219590Z * [new tag] v0.1.442 -> v0.1.442 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2220142Z * [new tag] v0.1.601-alpha01 -> v0.1.601-alpha01 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2220705Z * [new tag] v0.1.605 -> v0.1.605 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2221206Z * [new tag] v0.1.606 -> v0.1.606 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2221714Z * [new tag] v0.1.754 -> v0.1.754 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2222222Z * [new tag] v0.1.755 -> v0.1.755 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2222732Z * [new tag] v0.1.805 -> v0.1.805 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2223238Z * [new tag] v0.1.806 -> v0.1.806 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2223741Z * [new tag] v0.1.813 -> v0.1.813 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2224236Z * [new tag] v0.1.814 -> v0.1.814 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2224734Z * [new tag] v0.1.943 -> v0.1.943 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2225229Z * [new tag] v0.1.998 -> v0.1.998 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2225735Z * [new tag] v0.10.1 -> v0.10.1 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2226284Z * [new tag] v0.10.19 -> v0.10.19 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2226845Z * [new tag] v0.10.24 -> v0.10.24 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2227924Z * [new tag] v0.10.26 -> v0.10.26 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2228447Z * [new tag] v0.10.28 -> v0.10.28 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2228954Z * [new tag] v0.10.33 -> v0.10.33 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2229456Z * [new tag] v0.10.4 -> v0.10.4 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2229981Z * [new tag] v0.10.6 -> v0.10.6 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2230467Z * [new tag] v0.11.0 -> v0.11.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2230974Z * [new tag] v0.12.0 -> v0.12.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2231482Z * [new tag] v0.12.11 -> v0.12.11 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2231992Z * [new tag] v0.12.13 -> v0.12.13 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2232487Z * [new tag] v0.12.14 -> v0.12.14 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2232986Z * [new tag] v0.12.17 -> v0.12.17 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2233475Z * [new tag] v0.12.21 -> v0.12.21 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2233962Z * [new tag] v0.12.23 -> v0.12.23 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2235480Z * [new tag] v0.12.25 -> v0.12.25 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2236069Z * [new tag] v0.12.6 -> v0.12.6 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2236585Z * [new tag] v0.13.0 -> v0.13.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2237090Z * [new tag] v0.13.13 -> v0.13.13 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2237581Z * [new tag] v0.13.15 -> v0.13.15 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2238072Z * [new tag] v0.13.18 -> v0.13.18 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2238568Z * [new tag] v0.13.19 -> v0.13.19 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2239057Z * [new tag] v0.13.20 -> v0.13.20 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2239543Z * [new tag] v0.13.23 -> v0.13.23 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2240029Z * [new tag] v0.13.25 -> v0.13.25 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2240514Z * [new tag] v0.13.3 -> v0.13.3 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2241001Z * [new tag] v0.13.9 -> v0.13.9 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2241509Z * [new tag] v0.14.0 -> v0.14.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2242221Z * [new tag] v0.14.10 -> v0.14.10 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2242709Z * [new tag] v0.14.13 -> v0.14.13 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2243201Z * [new tag] v0.14.14 -> v0.14.14 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2243691Z * [new tag] v0.14.17 -> v0.14.17 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2244172Z * [new tag] v0.14.18 -> v0.14.18 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2244659Z * [new tag] v0.14.6 -> v0.14.6 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2245101Z * [new tag] v0.14.7 -> v0.14.7 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2245563Z * [new tag] v0.15.1 -> v0.15.1 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2246035Z * [new tag] v0.15.18 -> v0.15.18 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2246525Z * [new tag] v0.15.3 -> v0.15.3 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2247001Z * [new tag] v0.15.30 -> v0.15.30 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2247482Z * [new tag] v0.16.1 -> v0.16.1 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2248353Z * [new tag] v0.16.11 -> v0.16.11 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2248882Z * [new tag] v0.16.13 -> v0.16.13 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2249379Z * [new tag] v0.16.22 -> v0.16.22 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2249871Z * [new tag] v0.16.23 -> v0.16.23 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2250379Z * [new tag] v0.16.28 -> v0.16.28 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2250901Z * [new tag] v0.16.3 -> v0.16.3 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2251400Z * [new tag] v0.16.36 -> v0.16.36 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2251903Z * [new tag] v0.16.4 -> v0.16.4 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2252399Z * [new tag] v0.16.42 -> v0.16.42 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2252904Z * [new tag] v0.16.45 -> v0.16.45 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2253416Z * [new tag] v0.16.47 -> v0.16.47 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2253934Z * [new tag] v0.16.49 -> v0.16.49 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2254437Z * [new tag] v0.16.50 -> v0.16.50 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2254944Z * [new tag] v0.16.54 -> v0.16.54 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2255436Z * [new tag] v0.16.56 -> v0.16.56 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2255920Z * [new tag] v0.16.6 -> v0.16.6 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2256399Z * [new tag] v0.16.8 -> v0.16.8 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2256896Z * [new tag] v0.17.0 -> v0.17.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2257609Z * [new tag] v0.17.11 -> v0.17.11 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2258114Z * [new tag] v0.17.12 -> v0.17.12 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2258591Z * [new tag] v0.17.14 -> v0.17.14 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2259096Z * [new tag] v0.17.3 -> v0.17.3 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2259581Z * [new tag] v0.17.8 -> v0.17.8 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2260137Z * [new tag] v0.18.0 -> v0.18.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2260627Z * [new tag] v0.18.16 -> v0.18.16 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2261114Z * [new tag] v0.18.17 -> v0.18.17 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2261615Z * [new tag] v0.18.21 -> v0.18.21 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2262107Z * [new tag] v0.18.23 -> v0.18.23 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2262606Z * [new tag] v0.18.24 -> v0.18.24 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2263147Z * [new tag] v0.18.25 -> v0.18.25 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2263647Z * [new tag] v0.18.26 -> v0.18.26 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2264110Z * [new tag] v0.18.33 -> v0.18.33 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2264852Z * [new tag] v0.18.40 -> v0.18.40 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2265294Z * [new tag] v0.18.45 -> v0.18.45 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2265776Z * [new tag] v0.18.52 -> v0.18.52 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2266267Z * [new tag] v0.18.60 -> v0.18.60 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2266758Z * [new tag] v0.18.9 -> v0.18.9 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2267236Z * [new tag] v0.19.0 -> v0.19.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2267715Z * [new tag] v0.19.10 -> v0.19.10 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2268617Z * [new tag] v0.19.112 -> v0.19.112 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2269004Z * [new tag] v0.19.116 -> v0.19.116 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2269289Z * [new tag] v0.19.117 -> v0.19.117 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2269568Z * [new tag] v0.19.136 -> v0.19.136 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2269844Z * [new tag] v0.19.14 -> v0.19.14 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2270107Z * [new tag] v0.19.140 -> v0.19.140 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2270368Z * [new tag] v0.19.143 -> v0.19.143 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2270630Z * [new tag] v0.19.148 -> v0.19.148 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2270891Z * [new tag] v0.19.150 -> v0.19.150 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2271150Z * [new tag] v0.19.151 -> v0.19.151 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2271414Z * [new tag] v0.19.17 -> v0.19.17 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2271681Z * [new tag] v0.19.2 -> v0.19.2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2271990Z * [new tag] v0.19.24 -> v0.19.24 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2272249Z * [new tag] v0.19.25 -> v0.19.25 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2272511Z * [new tag] v0.19.32 -> v0.19.32 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2272781Z * [new tag] v0.19.4 -> v0.19.4 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2273040Z * [new tag] v0.19.52 -> v0.19.52 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2273301Z * [new tag] v0.19.6 -> v0.19.6 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2273556Z * [new tag] v0.19.64 -> v0.19.64 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2273850Z * [new tag] v0.19.74 -> v0.19.74 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2274113Z * [new tag] v0.19.81 -> v0.19.81 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2274369Z * [new tag] v0.19.82 -> v0.19.82 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2274619Z * [new tag] v0.19.83 -> v0.19.83 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2275057Z * [new tag] v0.19.84 -> v0.19.84 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2275332Z * [new tag] v0.19.86 -> v0.19.86 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2275592Z * [new tag] v0.2.120 -> v0.2.120 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2275856Z * [new tag] v0.2.121 -> v0.2.121 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2276119Z * [new tag] v0.2.122 -> v0.2.122 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2276396Z * [new tag] v0.2.2 -> v0.2.2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2276659Z * [new tag] v0.2.212 -> v0.2.212 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2276914Z * [new tag] v0.2.213 -> v0.2.213 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2277170Z * [new tag] v0.2.3 -> v0.2.3 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2277427Z * [new tag] v0.2.4 -> v0.2.4 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2277675Z * [new tag] v0.2.56 -> v0.2.56 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2277936Z * [new tag] v0.2.57 -> v0.2.57 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2278191Z * [new tag] v0.20.0 -> v0.20.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2278443Z * [new tag] v0.20.11 -> v0.20.11 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2278813Z * [new tag] v0.20.16 -> v0.20.16 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2279086Z * [new tag] v0.20.17 -> v0.20.17 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2279351Z * [new tag] v0.20.18 -> v0.20.18 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2279600Z * [new tag] v0.20.19 -> v0.20.19 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2279926Z * [new tag] v0.20.19-PullRequest2405.0 -> v0.20.19-PullRequest2405.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2280261Z * [new tag] v0.20.20 -> v0.20.20 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2280531Z * [new tag] v0.20.21 -> v0.20.21 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2280849Z * [new tag] v0.20.21-PullRequest2406.0 -> v0.20.21-PullRequest2406.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2281165Z * [new tag] v0.20.22 -> v0.20.22 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2281467Z * [new tag] v0.20.22-PullRequest2408.0 -> v0.20.22-PullRequest2408.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2281815Z * [new tag] v0.20.22-PullRequest2409.0 -> v0.20.22-PullRequest2409.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2282118Z * [new tag] v0.20.23 -> v0.20.23 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2282416Z * [new tag] v0.20.23-PullRequest2409.0 -> v0.20.23-PullRequest2409.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2282756Z * [new tag] v0.20.24-PullRequest2407.0 -> v0.20.24-PullRequest2407.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2283099Z * [new tag] v0.20.25-PullRequest2411.0 -> v0.20.25-PullRequest2411.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2283437Z * [new tag] v0.20.25-PullRequest2412.0 -> v0.20.25-PullRequest2412.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2283748Z * [new tag] v0.20.4 -> v0.20.4 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2284011Z * [new tag] v0.21.0 -> v0.21.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2284269Z * [new tag] v0.21.1 -> v0.21.1 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2284528Z * [new tag] v0.21.10 -> v0.21.10 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2284787Z * [new tag] v0.21.11 -> v0.21.11 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2285044Z * [new tag] v0.21.13 -> v0.21.13 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2285301Z * [new tag] v0.21.14 -> v0.21.14 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2285552Z * [new tag] v0.21.15 -> v0.21.15 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2285810Z * [new tag] v0.21.16 -> v0.21.16 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2286069Z * [new tag] v0.21.17 -> v0.21.17 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2286318Z * [new tag] v0.21.18 -> v0.21.18 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2286570Z * [new tag] v0.21.19 -> v0.21.19 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2286920Z * [new tag] v0.21.2 -> v0.21.2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2287187Z * [new tag] v0.21.20 -> v0.21.20 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2287435Z * [new tag] v0.21.21 -> v0.21.21 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2287695Z * [new tag] v0.21.22 -> v0.21.22 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2288295Z * [new tag] v0.21.23 -> v0.21.23 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2288818Z * [new tag] v0.21.3 -> v0.21.3 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2289338Z * [new tag] v0.21.4 -> v0.21.4 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2289907Z * [new tag] v0.21.4-PullRequest2413.0 -> v0.21.4-PullRequest2413.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2290239Z * [new tag] v0.21.6 -> v0.21.6 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2290512Z * [new tag] v0.21.7 -> v0.21.7 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2290773Z * [new tag] v0.21.8 -> v0.21.8 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2291042Z * [new tag] v0.21.9 -> v0.21.9 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2291292Z * [new tag] v0.22.0 -> v0.22.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2291544Z * [new tag] v0.22.1 -> v0.22.1 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2292616Z * [new tag] v0.22.10 -> v0.22.10 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2292885Z * [new tag] v0.22.11 -> v0.22.11 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2293149Z * [new tag] v0.22.12 -> v0.22.12 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2293407Z * [new tag] v0.22.13 -> v0.22.13 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2293659Z * [new tag] v0.22.14 -> v0.22.14 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2293914Z * [new tag] v0.22.15 -> v0.22.15 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2294172Z * [new tag] v0.22.16 -> v0.22.16 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2294425Z * [new tag] v0.22.17 -> v0.22.17 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2294676Z * [new tag] v0.22.18 -> v0.22.18 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2294930Z * [new tag] v0.22.19 -> v0.22.19 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2295186Z * [new tag] v0.22.2 -> v0.22.2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2295443Z * [new tag] v0.22.20 -> v0.22.20 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2295692Z * [new tag] v0.22.21 -> v0.22.21 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2295943Z * [new tag] v0.22.22 -> v0.22.22 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2296195Z * [new tag] v0.22.23 -> v0.22.23 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2296455Z * [new tag] v0.22.24 -> v0.22.24 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2296787Z * [new tag] v0.22.25 -> v0.22.25 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2297040Z * [new tag] v0.22.26 -> v0.22.26 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2297288Z * [new tag] v0.22.27 -> v0.22.27 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2297544Z * [new tag] v0.22.28 -> v0.22.28 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2297794Z * [new tag] v0.22.29 -> v0.22.29 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2298049Z * [new tag] v0.22.3 -> v0.22.3 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2298305Z * [new tag] v0.22.30 -> v0.22.30 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2298558Z * [new tag] v0.22.31 -> v0.22.31 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2298805Z * [new tag] v0.22.32 -> v0.22.32 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2299057Z * [new tag] v0.22.34 -> v0.22.34 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2299310Z * [new tag] v0.22.4 -> v0.22.4 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2299559Z * [new tag] v0.22.5 -> v0.22.5 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2299816Z * [new tag] v0.22.6 -> v0.22.6 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2300071Z * [new tag] v0.22.7 -> v0.22.7 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2300757Z * [new tag] v0.22.8 -> v0.22.8 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2301068Z * [new tag] v0.22.9 -> v0.22.9 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2301341Z * [new tag] v0.23.0 -> v0.23.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2301601Z * [new tag] v0.23.1 -> v0.23.1 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2301849Z * [new tag] v0.23.2 -> v0.23.2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2302102Z * [new tag] v0.23.3 -> v0.23.3 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2302351Z * [new tag] v0.23.4 -> v0.23.4 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2302599Z * [new tag] v0.23.5 -> v0.23.5 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2302855Z * [new tag] v0.23.6 -> v0.23.6 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2303106Z * [new tag] v0.23.7 -> v0.23.7 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2303359Z * [new tag] v0.23.8 -> v0.23.8 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2303606Z * [new tag] v0.24.0 -> v0.24.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2304011Z * [new tag] v0.24.1 -> v0.24.1 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2304367Z * [new tag] v0.24.2 -> v0.24.2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2304615Z * [new tag] v0.24.3 -> v0.24.3 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2304868Z * [new tag] v0.24.4 -> v0.24.4 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2305121Z * [new tag] v0.24.5 -> v0.24.5 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2305368Z * [new tag] v0.24.6 -> v0.24.6 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2305998Z * [new tag] v0.24.7 -> v0.24.7 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2306364Z * [new tag] v0.24.8 -> v0.24.8 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2306639Z * [new tag] v0.24.9 -> v0.24.9 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2306892Z * [new tag] v0.25.0 -> v0.25.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2307151Z * [new tag] v0.25.1 -> v0.25.1 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2307418Z * [new tag] v0.25.10 -> v0.25.10 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2307690Z * [new tag] v0.25.100 -> v0.25.100 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2307962Z * [new tag] v0.25.101 -> v0.25.101 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2308224Z * [new tag] v0.25.102 -> v0.25.102 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2308479Z * [new tag] v0.25.103 -> v0.25.103 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2308737Z * [new tag] v0.25.104 -> v0.25.104 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2308997Z * [new tag] v0.25.105 -> v0.25.105 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2309257Z * [new tag] v0.25.106 -> v0.25.106 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2309513Z * [new tag] v0.25.107 -> v0.25.107 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2309772Z * [new tag] v0.25.108 -> v0.25.108 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2310035Z * [new tag] v0.25.109 -> v0.25.109 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2310291Z * [new tag] v0.25.11 -> v0.25.11 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2310552Z * [new tag] v0.25.110 -> v0.25.110 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2310810Z * [new tag] v0.25.111 -> v0.25.111 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2311066Z * [new tag] v0.25.112 -> v0.25.112 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2311325Z * [new tag] v0.25.113 -> v0.25.113 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2311581Z * [new tag] v0.25.114 -> v0.25.114 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2311837Z * [new tag] v0.25.115 -> v0.25.115 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2312089Z * [new tag] v0.25.116 -> v0.25.116 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2312347Z * [new tag] v0.25.117 -> v0.25.117 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2312719Z * [new tag] v0.25.118 -> v0.25.118 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2312987Z * [new tag] v0.25.119 -> v0.25.119 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2313250Z * [new tag] v0.25.12 -> v0.25.12 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2313518Z * [new tag] v0.25.120 -> v0.25.120 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2313772Z * [new tag] v0.25.121 -> v0.25.121 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2314030Z * [new tag] v0.25.122 -> v0.25.122 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2314291Z * [new tag] v0.25.123 -> v0.25.123 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2314548Z * [new tag] v0.25.124 -> v0.25.124 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2314802Z * [new tag] v0.25.125 -> v0.25.125 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2315064Z * [new tag] v0.25.126 -> v0.25.126 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2315325Z * [new tag] v0.25.127 -> v0.25.127 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2315581Z * [new tag] v0.25.128 -> v0.25.128 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2315845Z * [new tag] v0.25.129 -> v0.25.129 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2316108Z * [new tag] v0.25.13 -> v0.25.13 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2316451Z * [new tag] v0.25.130 -> v0.25.130 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2316712Z * [new tag] v0.25.131 -> v0.25.131 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2316970Z * [new tag] v0.25.132 -> v0.25.132 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2317223Z * [new tag] v0.25.134 -> v0.25.134 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2317491Z * [new tag] v0.25.135 -> v0.25.135 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2317753Z * [new tag] v0.25.14 -> v0.25.14 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2318036Z * [new tag] v0.25.15 -> v0.25.15 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2318293Z * [new tag] v0.25.16 -> v0.25.16 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2318548Z * [new tag] v0.25.17 -> v0.25.17 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2318848Z * [new tag] v0.25.18 -> v0.25.18 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2319109Z * [new tag] v0.25.19 -> v0.25.19 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2319374Z * [new tag] v0.25.2 -> v0.25.2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2319630Z * [new tag] v0.25.20 -> v0.25.20 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2319875Z * [new tag] v0.25.21 -> v0.25.21 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2320129Z * [new tag] v0.25.22 -> v0.25.22 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2320382Z * [new tag] v0.25.23 -> v0.25.23 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2320643Z * [new tag] v0.25.24 -> v0.25.24 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2320887Z * [new tag] v0.25.25 -> v0.25.25 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2321136Z * [new tag] v0.25.26 -> v0.25.26 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2321387Z * [new tag] v0.25.27 -> v0.25.27 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2321632Z * [new tag] v0.25.28 -> v0.25.28 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2321882Z * [new tag] v0.25.29 -> v0.25.29 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2322131Z * [new tag] v0.25.3 -> v0.25.3 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2322382Z * [new tag] v0.25.30 -> v0.25.30 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2322635Z * [new tag] v0.25.31 -> v0.25.31 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2322885Z * [new tag] v0.25.32 -> v0.25.32 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2323135Z * [new tag] v0.25.33 -> v0.25.33 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2323377Z * [new tag] v0.25.34 -> v0.25.34 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2323626Z * [new tag] v0.25.35 -> v0.25.35 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2323879Z * [new tag] v0.25.36 -> v0.25.36 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2324225Z * [new tag] v0.25.37 -> v0.25.37 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2324492Z * [new tag] v0.25.38 -> v0.25.38 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2324767Z * [new tag] v0.25.39 -> v0.25.39 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2325024Z * [new tag] v0.25.4 -> v0.25.4 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2325282Z * [new tag] v0.25.40 -> v0.25.40 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2325535Z * [new tag] v0.25.41 -> v0.25.41 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2325787Z * [new tag] v0.25.42 -> v0.25.42 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2326360Z * [new tag] v0.25.43 -> v0.25.43 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2326617Z * [new tag] v0.25.44 -> v0.25.44 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2326868Z * [new tag] v0.25.45 -> v0.25.45 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2327115Z * [new tag] v0.25.46 -> v0.25.46 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2327376Z * [new tag] v0.25.47 -> v0.25.47 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2327627Z * [new tag] v0.25.48 -> v0.25.48 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2328021Z * [new tag] v0.25.49 -> v0.25.49 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2328279Z * [new tag] v0.25.5 -> v0.25.5 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2328540Z * [new tag] v0.25.50 -> v0.25.50 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2328786Z * [new tag] v0.25.51 -> v0.25.51 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2329036Z * [new tag] v0.25.52 -> v0.25.52 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2329287Z * [new tag] v0.25.53 -> v0.25.53 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2329542Z * [new tag] v0.25.54 -> v0.25.54 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2329799Z * [new tag] v0.25.55 -> v0.25.55 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2330050Z * [new tag] v0.25.56 -> v0.25.56 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2330307Z * [new tag] v0.25.57 -> v0.25.57 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2330553Z * [new tag] v0.25.59 -> v0.25.59 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2330816Z * [new tag] v0.25.6 -> v0.25.6 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2331074Z * [new tag] v0.25.60 -> v0.25.60 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2331318Z * [new tag] v0.25.61 -> v0.25.61 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2331570Z * [new tag] v0.25.62 -> v0.25.62 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2331822Z * [new tag] v0.25.63 -> v0.25.63 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2332073Z * [new tag] v0.25.64 -> v0.25.64 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2332321Z * [new tag] v0.25.65 -> v0.25.65 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2332572Z * [new tag] v0.25.66 -> v0.25.66 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2332828Z * [new tag] v0.25.67 -> v0.25.67 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2333072Z * [new tag] v0.25.68 -> v0.25.68 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2333323Z * [new tag] v0.25.69 -> v0.25.69 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2333576Z * [new tag] v0.25.7 -> v0.25.7 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2333823Z * [new tag] v0.25.70 -> v0.25.70 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2334071Z * [new tag] v0.25.71 -> v0.25.71 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2334319Z * [new tag] v0.25.72 -> v0.25.72 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2334573Z * [new tag] v0.25.73 -> v0.25.73 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2334821Z * [new tag] v0.25.74 -> v0.25.74 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2335068Z * [new tag] v0.25.75 -> v0.25.75 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2335320Z * [new tag] v0.25.76 -> v0.25.76 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2335653Z * [new tag] v0.25.77 -> v0.25.77 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2335921Z * [new tag] v0.25.8 -> v0.25.8 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2336187Z * [new tag] v0.25.80 -> v0.25.80 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2336448Z * [new tag] v0.25.81 -> v0.25.81 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2336700Z * [new tag] v0.25.82 -> v0.25.82 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2336957Z * [new tag] v0.25.83 -> v0.25.83 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2337208Z * [new tag] v0.25.84 -> v0.25.84 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2337483Z * [new tag] v0.25.85 -> v0.25.85 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2337735Z * [new tag] v0.25.86 -> v0.25.86 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2337986Z * [new tag] v0.25.87 -> v0.25.87 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2338230Z * [new tag] v0.25.88 -> v0.25.88 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2338491Z * [new tag] v0.25.89 -> v0.25.89 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2338751Z * [new tag] v0.25.9 -> v0.25.9 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2339002Z * [new tag] v0.25.90 -> v0.25.90 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2339377Z * [new tag] v0.25.91 -> v0.25.91 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2339630Z * [new tag] v0.25.92 -> v0.25.92 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2339881Z * [new tag] v0.25.93 -> v0.25.93 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2340127Z * [new tag] v0.25.94 -> v0.25.94 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2340378Z * [new tag] v0.25.95 -> v0.25.95 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2340628Z * [new tag] v0.25.96 -> v0.25.96 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2340874Z * [new tag] v0.25.97 -> v0.25.97 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2341126Z * [new tag] v0.25.98 -> v0.25.98 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2341380Z * [new tag] v0.25.99 -> v0.25.99 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2341631Z * [new tag] v0.30.0 -> v0.30.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2341888Z * [new tag] v0.5.33 -> v0.5.33 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2342151Z * [new tag] v0.5.34 -> v0.5.34 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2342399Z * [new tag] v0.50.0 -> v0.50.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2342656Z * [new tag] v0.50.2 -> v0.50.2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2342909Z * [new tag] v0.50.3 -> v0.50.3 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2343163Z * [new tag] v0.51.0 -> v0.51.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2343409Z * [new tag] v0.51.1 -> v0.51.1 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2343663Z * [new tag] v0.52.0 -> v0.52.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2343914Z * [new tag] v0.52.1 -> v0.52.1 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2344167Z * [new tag] v0.52.10 -> v0.52.10 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2344428Z * [new tag] v0.52.11 -> v0.52.11 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2344682Z * [new tag] v0.52.12 -> v0.52.12 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2344930Z * [new tag] v0.52.13 -> v0.52.13 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2345183Z * [new tag] v0.52.14 -> v0.52.14 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2345437Z * [new tag] v0.52.15 -> v0.52.15 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2345685Z * [new tag] v0.52.16 -> v0.52.16 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2345936Z * [new tag] v0.52.17 -> v0.52.17 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2346509Z * [new tag] v0.52.18 -> v0.52.18 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2346771Z * [new tag] v0.52.19 -> v0.52.19 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2347019Z * [new tag] v0.52.2 -> v0.52.2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2347383Z * [new tag] v0.52.22 -> v0.52.22 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2347645Z * [new tag] v0.52.23 -> v0.52.23 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2347892Z * [new tag] v0.52.24 -> v0.52.24 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2348148Z * [new tag] v0.52.25 -> v0.52.25 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2348401Z * [new tag] v0.52.26 -> v0.52.26 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2348652Z * [new tag] v0.52.27 -> v0.52.27 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2348907Z * [new tag] v0.52.28 -> v0.52.28 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2349157Z * [new tag] v0.52.29 -> v0.52.29 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2349410Z * [new tag] v0.52.3 -> v0.52.3 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2349659Z * [new tag] v0.52.30 -> v0.52.30 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2349912Z * [new tag] v0.52.31 -> v0.52.31 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2350166Z * [new tag] v0.52.32 -> v0.52.32 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2350412Z * [new tag] v0.52.33 -> v0.52.33 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2350662Z * [new tag] v0.52.34 -> v0.52.34 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2351006Z * [new tag] v0.52.35 -> v0.52.35 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2351259Z * [new tag] v0.52.36 -> v0.52.36 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2351506Z * [new tag] v0.52.37 -> v0.52.37 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2351757Z * [new tag] v0.52.38 -> v0.52.38 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2352008Z * [new tag] v0.52.39 -> v0.52.39 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2352255Z * [new tag] v0.52.4 -> v0.52.4 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2352507Z * [new tag] v0.52.40 -> v0.52.40 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2352762Z * [new tag] v0.52.41 -> v0.52.41 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2353010Z * [new tag] v0.52.42 -> v0.52.42 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2353262Z * [new tag] v0.52.43 -> v0.52.43 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2353515Z * [new tag] v0.52.44 -> v0.52.44 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2353767Z * [new tag] v0.52.45 -> v0.52.45 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2354017Z * [new tag] v0.52.46 -> v0.52.46 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2354274Z * [new tag] v0.52.47 -> v0.52.47 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2354533Z * [new tag] v0.52.48 -> v0.52.48 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2354777Z * [new tag] v0.52.49 -> v0.52.49 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2355032Z * [new tag] v0.52.5 -> v0.52.5 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2355288Z * [new tag] v0.52.50 -> v0.52.50 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2355537Z * [new tag] v0.52.51 -> v0.52.51 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2355799Z * [new tag] v0.52.52 -> v0.52.52 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2356056Z * [new tag] v0.52.53 -> v0.52.53 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2356309Z * [new tag] v0.52.54 -> v0.52.54 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2356564Z * [new tag] v0.52.55 -> v0.52.55 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2356819Z * [new tag] v0.52.56 -> v0.52.56 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2357075Z * [new tag] v0.52.57 -> v0.52.57 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2357320Z * [new tag] v0.52.58 -> v0.52.58 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2357566Z * [new tag] v0.52.59 -> v0.52.59 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2357817Z * [new tag] v0.52.6 -> v0.52.6 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2358064Z * [new tag] v0.52.60 -> v0.52.60 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2358314Z * [new tag] v0.52.61 -> v0.52.61 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2358650Z * [new tag] v0.52.62 -> v0.52.62 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2358903Z * [new tag] v0.52.63 -> v0.52.63 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2359158Z * [new tag] v0.52.64 -> v0.52.64 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2359406Z * [new tag] v0.52.65 -> v0.52.65 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2359656Z * [new tag] v0.52.66 -> v0.52.66 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2359908Z * [new tag] v0.52.67 -> v0.52.67 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2360173Z * [new tag] v0.52.68 -> v0.52.68 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2360424Z * [new tag] v0.52.69 -> v0.52.69 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2360669Z * [new tag] v0.52.7 -> v0.52.7 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2360921Z * [new tag] v0.52.70 -> v0.52.70 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2361171Z * [new tag] v0.52.8 -> v0.52.8 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2361427Z * [new tag] v0.52.9 -> v0.52.9 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2361678Z * [new tag] v0.53.0 -> v0.53.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2362025Z * [new tag] v0.53.1 -> v0.53.1 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2362286Z * [new tag] v0.53.12 -> v0.53.12 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2362538Z * [new tag] v0.53.13 -> v0.53.13 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2362793Z * [new tag] v0.53.2 -> v0.53.2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2363045Z * [new tag] v0.53.3 -> v0.53.3 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2363291Z * [new tag] v0.53.4 -> v0.53.4 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2363548Z * [new tag] v0.53.6 -> v0.53.6 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2363800Z * [new tag] v0.53.8 -> v0.53.8 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2364044Z * [new tag] v0.53.9 -> v0.53.9 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2364299Z * [new tag] v0.54.0 -> v0.54.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2364555Z * [new tag] v0.54.11 -> v0.54.11 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2364810Z * [new tag] v0.54.3 -> v0.54.3 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2365065Z * [new tag] v0.54.5 -> v0.54.5 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2365318Z * [new tag] v0.54.8 -> v0.54.8 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2365574Z * [new tag] v0.54.9 -> v0.54.9 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2365981Z * [new tag] v0.55.0 -> v0.55.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2366605Z * [new tag] v0.55.1 -> v0.55.1 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2366871Z * [new tag] v0.55.10 -> v0.55.10 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2367123Z * [new tag] v0.55.11 -> v0.55.11 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2367381Z * [new tag] v0.55.13 -> v0.55.13 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2367643Z * [new tag] v0.55.15 -> v0.55.15 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2367891Z * [new tag] v0.55.16 -> v0.55.16 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2368154Z * [new tag] v0.55.18 -> v0.55.18 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2368416Z * [new tag] v0.55.2 -> v0.55.2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2368677Z * [new tag] v0.55.20 -> v0.55.20 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2368927Z * [new tag] v0.55.21 -> v0.55.21 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2369175Z * [new tag] v0.55.22 -> v0.55.22 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2369428Z * [new tag] v0.55.23 -> v0.55.23 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2369677Z * [new tag] v0.55.24 -> v0.55.24 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2369932Z * [new tag] v0.55.25 -> v0.55.25 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2370369Z * [new tag] v0.55.3 -> v0.55.3 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2370633Z * [new tag] v0.55.4 -> v0.55.4 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2370890Z * [new tag] v0.55.5 -> v0.55.5 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2371148Z * [new tag] v0.55.6 -> v0.55.6 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2371397Z * [new tag] v0.55.9 -> v0.55.9 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2371643Z * [new tag] v0.56.1 -> v0.56.1 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2371894Z * [new tag] v0.56.11 -> v0.56.11 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2372146Z * [new tag] v0.56.2 -> v0.56.2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2372395Z * [new tag] v0.56.22 -> v0.56.22 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2372647Z * [new tag] v0.56.24 -> v0.56.24 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2372907Z * [new tag] v0.56.27 -> v0.56.27 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2373160Z * [new tag] v0.56.28 -> v0.56.28 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2373415Z * [new tag] v0.56.29 -> v0.56.29 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2373668Z * [new tag] v0.56.30 -> v0.56.30 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2374002Z * [new tag] v0.56.31 -> v0.56.31 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2374256Z * [new tag] v0.56.33 -> v0.56.33 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2374509Z * [new tag] v0.56.35 -> v0.56.35 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2374759Z * [new tag] v0.56.37 -> v0.56.37 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2375006Z * [new tag] v0.56.42 -> v0.56.42 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2375258Z * [new tag] v0.56.43 -> v0.56.43 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2375509Z * [new tag] v0.56.44 -> v0.56.44 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2375756Z * [new tag] v0.56.46 -> v0.56.46 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2376011Z * [new tag] v0.56.47 -> v0.56.47 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2376265Z * [new tag] v0.56.48 -> v0.56.48 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2376510Z * [new tag] v0.56.49 -> v0.56.49 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2409057Z * [new tag] v0.56.5 -> v0.56.5 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2409708Z * [new tag] v0.56.50 -> v0.56.50 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2410219Z * [new tag] v0.56.51 -> v0.56.51 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2410749Z * [new tag] v0.56.52 -> v0.56.52 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2411238Z * [new tag] v0.56.53 -> v0.56.53 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2411732Z * [new tag] v0.57.0 -> v0.57.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2412224Z * [new tag] v0.57.1 -> v0.57.1 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2412729Z * [new tag] v0.57.10 -> v0.57.10 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2413252Z * [new tag] v0.57.11 -> v0.57.11 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2413747Z * [new tag] v0.57.12 -> v0.57.12 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2414262Z * [new tag] v0.57.13 -> v0.57.13 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2414758Z * [new tag] v0.57.14 -> v0.57.14 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2415243Z * [new tag] v0.57.15 -> v0.57.15 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2415742Z * [new tag] v0.57.16 -> v0.57.16 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2416217Z * [new tag] v0.57.17 -> v0.57.17 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2416688Z * [new tag] v0.57.19 -> v0.57.19 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2417184Z * [new tag] v0.57.2 -> v0.57.2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2417667Z * [new tag] v0.57.20 -> v0.57.20 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2418141Z * [new tag] v0.57.21 -> v0.57.21 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2418845Z * [new tag] v0.57.22 -> v0.57.22 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2419357Z * [new tag] v0.57.23 -> v0.57.23 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2419845Z * [new tag] v0.57.24 -> v0.57.24 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2420334Z * [new tag] v0.57.25 -> v0.57.25 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2420811Z * [new tag] v0.57.26 -> v0.57.26 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2421280Z * [new tag] v0.57.27 -> v0.57.27 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2421733Z * [new tag] v0.57.28 -> v0.57.28 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2422252Z * [new tag] v0.57.29 -> v0.57.29 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2422770Z * [new tag] v0.57.3 -> v0.57.3 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2423223Z * [new tag] v0.57.30 -> v0.57.30 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2423642Z * [new tag] v0.57.31 -> v0.57.31 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2423931Z * [new tag] v0.57.32 -> v0.57.32 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2424192Z * [new tag] v0.57.33 -> v0.57.33 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2424453Z * [new tag] v0.57.34 -> v0.57.34 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2425514Z * [new tag] v0.57.35 -> v0.57.35 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2425778Z * [new tag] v0.57.36 -> v0.57.36 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2426030Z * [new tag] v0.57.37 -> v0.57.37 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2426281Z * [new tag] v0.57.38 -> v0.57.38 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2426533Z * [new tag] v0.57.39 -> v0.57.39 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2427126Z * [new tag] v0.57.4 -> v0.57.4 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2427530Z * [new tag] v0.57.40 -> v0.57.40 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2427930Z * [new tag] v0.57.41 -> v0.57.41 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2428347Z * [new tag] v0.57.42 -> v0.57.42 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2428752Z * [new tag] v0.57.43 -> v0.57.43 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2429029Z * [new tag] v0.57.44 -> v0.57.44 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2429298Z * [new tag] v0.57.45 -> v0.57.45 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2429549Z * [new tag] v0.57.46 -> v0.57.46 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2429803Z * [new tag] v0.57.47 -> v0.57.47 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2430060Z * [new tag] v0.57.48 -> v0.57.48 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2430308Z * [new tag] v0.57.49 -> v0.57.49 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2430570Z * [new tag] v0.57.5 -> v0.57.5 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2430830Z * [new tag] v0.57.50 -> v0.57.50 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2431077Z * [new tag] v0.57.51 -> v0.57.51 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2431328Z * [new tag] v0.57.52 -> v0.57.52 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2431603Z * [new tag] v0.57.53 -> v0.57.53 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2431854Z * [new tag] v0.57.54 -> v0.57.54 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2432103Z * [new tag] v0.57.55 -> v0.57.55 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2432350Z * [new tag] v0.57.56 -> v0.57.56 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2432598Z * [new tag] v0.57.57 -> v0.57.57 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2432840Z * [new tag] v0.57.58 -> v0.57.58 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2433083Z * [new tag] v0.57.59 -> v0.57.59 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2433340Z * [new tag] v0.57.6 -> v0.57.6 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2433591Z * [new tag] v0.57.60 -> v0.57.60 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2433836Z * [new tag] v0.57.61 -> v0.57.61 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2434648Z * [new tag] v0.57.62 -> v0.57.62 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2434937Z * [new tag] v0.57.63 -> v0.57.63 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2435194Z * [new tag] v0.57.64 -> v0.57.64 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2435447Z * [new tag] v0.57.65 -> v0.57.65 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2435701Z * [new tag] v0.57.66 -> v0.57.66 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2435952Z * [new tag] v0.57.67 -> v0.57.67 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2436204Z * [new tag] v0.57.68 -> v0.57.68 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2436459Z * [new tag] v0.57.69 -> v0.57.69 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2436705Z * [new tag] v0.57.7 -> v0.57.7 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2436957Z * [new tag] v0.57.70 -> v0.57.70 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2437208Z * [new tag] v0.57.71 -> v0.57.71 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2437465Z * [new tag] v0.57.72 -> v0.57.72 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2437714Z * [new tag] v0.57.73 -> v0.57.73 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2438080Z * [new tag] v0.57.74 -> v0.57.74 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2438355Z * [new tag] v0.57.75 -> v0.57.75 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2438612Z * [new tag] v0.57.76 -> v0.57.76 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2438867Z * [new tag] v0.57.77 -> v0.57.77 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2439124Z * [new tag] v0.57.78 -> v0.57.78 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2439369Z * [new tag] v0.57.79 -> v0.57.79 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2439628Z * [new tag] v0.57.8 -> v0.57.8 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2439885Z * [new tag] v0.57.80 -> v0.57.80 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2440130Z * [new tag] v0.57.81 -> v0.57.81 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2440386Z * [new tag] v0.57.82 -> v0.57.82 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2440647Z * [new tag] v0.57.84 -> v0.57.84 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2440910Z * [new tag] v0.57.85 -> v0.57.85 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2441154Z * [new tag] v0.57.86 -> v0.57.86 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2441407Z * [new tag] v0.57.87 -> v0.57.87 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2441661Z * [new tag] v0.57.88 -> v0.57.88 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2441918Z * [new tag] v0.57.9 -> v0.57.9 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2442175Z * [new tag] v0.58.0 -> v0.58.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2442430Z * [new tag] v0.58.1 -> v0.58.1 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2442682Z * [new tag] v0.58.10 -> v0.58.10 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2442937Z * [new tag] v0.58.2 -> v0.58.2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2443195Z * [new tag] v0.58.3 -> v0.58.3 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2443451Z * [new tag] v0.58.4 -> v0.58.4 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2443709Z * [new tag] v0.58.5 -> v0.58.5 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2443960Z * [new tag] v0.58.6 -> v0.58.6 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2444211Z * [new tag] v0.58.7 -> v0.58.7 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2444457Z * [new tag] v0.58.8 -> v0.58.8 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2444716Z * [new tag] v0.58.9 -> v0.58.9 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2444971Z * [new tag] v0.59.0 -> v0.59.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2445216Z * [new tag] v0.59.1 -> v0.59.1 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2445470Z * [new tag] v0.6.117 -> v0.6.117 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2445809Z * [new tag] v0.6.137 -> v0.6.137 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2446072Z * [new tag] v0.6.139 -> v0.6.139 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2446321Z * [new tag] v0.6.143 -> v0.6.143 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2446582Z * [new tag] v0.6.145 -> v0.6.145 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2446836Z * [new tag] v0.6.151 -> v0.6.151 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2447486Z * [new tag] v0.6.154 -> v0.6.154 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2447757Z * [new tag] v0.6.156 -> v0.6.156 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2448013Z * [new tag] v0.6.159 -> v0.6.159 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2448263Z * [new tag] v0.6.72 -> v0.6.72 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2448520Z * [new tag] v0.60.0 -> v0.60.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2448773Z * [new tag] v0.60.1 -> v0.60.1 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2449031Z * [new tag] v0.60.10 -> v0.60.10 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2449281Z * [new tag] v0.60.11 -> v0.60.11 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2449539Z * [new tag] v0.60.12 -> v0.60.12 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2449929Z * [new tag] v0.60.13 -> v0.60.13 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2450184Z * [new tag] v0.60.14 -> v0.60.14 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2450443Z * [new tag] v0.60.15 -> v0.60.15 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2450693Z * [new tag] v0.60.17 -> v0.60.17 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2450939Z * [new tag] v0.60.18 -> v0.60.18 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2451201Z * [new tag] v0.60.2 -> v0.60.2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2451463Z * [new tag] v0.60.3 -> v0.60.3 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2451710Z * [new tag] v0.60.4 -> v0.60.4 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2451965Z * [new tag] v0.60.5 -> v0.60.5 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2452218Z * [new tag] v0.60.6 -> v0.60.6 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2452470Z * [new tag] v0.60.7 -> v0.60.7 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2452722Z * [new tag] v0.60.8 -> v0.60.8 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2452980Z * [new tag] v0.61.0 -> v0.61.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2453233Z * [new tag] v0.61.1 -> v0.61.1 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2453482Z * [new tag] v0.61.10 -> v0.61.10 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2453737Z * [new tag] v0.61.11 -> v0.61.11 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2453991Z * [new tag] v0.61.12 -> v0.61.12 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2454242Z * [new tag] v0.61.13 -> v0.61.13 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2454497Z * [new tag] v0.61.14 -> v0.61.14 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2454750Z * [new tag] v0.61.15 -> v0.61.15 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2455003Z * [new tag] v0.61.16 -> v0.61.16 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2455258Z * [new tag] v0.61.17 -> v0.61.17 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2455513Z * [new tag] v0.61.18 -> v0.61.18 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2455768Z * [new tag] v0.61.19 -> v0.61.19 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2456014Z * [new tag] v0.61.2 -> v0.61.2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2456275Z * [new tag] v0.61.20 -> v0.61.20 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2456527Z * [new tag] v0.61.21 -> v0.61.21 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2456776Z * [new tag] v0.61.22 -> v0.61.22 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2457031Z * [new tag] v0.61.25 -> v0.61.25 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2457281Z * [new tag] v0.61.26 -> v0.61.26 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2457624Z * [new tag] v0.61.27 -> v0.61.27 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2457879Z * [new tag] v0.61.28 -> v0.61.28 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2458134Z * [new tag] v0.61.29 -> v0.61.29 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2458391Z * [new tag] v0.61.3 -> v0.61.3 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2458638Z * [new tag] v0.61.31 -> v0.61.31 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2458893Z * [new tag] v0.61.32 -> v0.61.32 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2459148Z * [new tag] v0.61.33 -> v0.61.33 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2459402Z * [new tag] v0.61.34 -> v0.61.34 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2459655Z * [new tag] v0.61.35 -> v0.61.35 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2459910Z * [new tag] v0.61.36 -> v0.61.36 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2460164Z * [new tag] v0.61.37 -> v0.61.37 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2460418Z * [new tag] v0.61.38 -> v0.61.38 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2460676Z * [new tag] v0.61.39 -> v0.61.39 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2460929Z * [new tag] v0.61.4 -> v0.61.4 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2461264Z * [new tag] v0.61.40 -> v0.61.40 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2461518Z * [new tag] v0.61.41 -> v0.61.41 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2461770Z * [new tag] v0.61.42 -> v0.61.42 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2462016Z * [new tag] v0.61.43 -> v0.61.43 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2462270Z * [new tag] v0.61.44 -> v0.61.44 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2462526Z * [new tag] v0.61.45 -> v0.61.45 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2462771Z * [new tag] v0.61.46 -> v0.61.46 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2463021Z * [new tag] v0.61.47 -> v0.61.47 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2463278Z * [new tag] v0.61.48 -> v0.61.48 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2463532Z * [new tag] v0.61.49 -> v0.61.49 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.2463779Z * [new tag] v0.61.5 -> v0.61.5 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6020319Z * [new tag] v0.61.50 -> v0.61.50 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6020883Z * [new tag] v0.61.51 -> v0.61.51 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6021343Z * [new tag] v0.61.52 -> v0.61.52 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6021765Z * [new tag] v0.61.53 -> v0.61.53 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6022209Z * [new tag] v0.61.54 -> v0.61.54 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6022671Z * [new tag] v0.61.6 -> v0.61.6 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6023132Z * [new tag] v0.61.7 -> v0.61.7 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6023576Z * [new tag] v0.61.8 -> v0.61.8 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6024039Z * [new tag] v0.61.9 -> v0.61.9 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6024496Z * [new tag] v0.7.0 -> v0.7.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6025020Z * [new tag] v0.7.1 -> v0.7.1 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6025506Z * [new tag] v0.7.15 -> v0.7.15 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6025948Z * [new tag] v0.7.19 -> v0.7.19 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6026233Z * [new tag] v0.7.2 -> v0.7.2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6026499Z * [new tag] v0.7.22 -> v0.7.22 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6026775Z * [new tag] v0.7.24 -> v0.7.24 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6027050Z * [new tag] v0.7.3 -> v0.7.3 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6027309Z * [new tag] v0.7.9 -> v0.7.9 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6027579Z * [new tag] v0.8.0 -> v0.8.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6028073Z * [new tag] v0.8.12 -> v0.8.12 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6028351Z * [new tag] v0.8.2 -> v0.8.2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6028605Z * [new tag] v0.8.4 -> v0.8.4 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6028898Z * [new tag] v0.8.7 -> v0.8.7 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6029164Z * [new tag] v0.8.8 -> v0.8.8 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6029410Z * [new tag] v0.9.0 -> v0.9.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6029665Z * [new tag] v0.9.11 -> v0.9.11 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6029920Z * [new tag] v0.9.2 -> v0.9.2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6030165Z * [new tag] v0.9.6 -> v0.9.6 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6030415Z * [new tag] v0.9.8 -> v0.9.8 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6030662Z * [new tag] v0.9.9 -> v0.9.9 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6031011Z * [new ref] 8f35981a070d719505b06b5581803ac218073bbb -> pull/3227/merge -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6231515Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6232019Z ##[group]Determining the checkout info -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6233432Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6248840Z [command]"C:\Program Files\Git\bin\git.exe" sparse-checkout disable -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6596507Z [command]"C:\Program Files\Git\bin\git.exe" config --local --unset-all extensions.worktreeConfig -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6891098Z ##[group]Checking out the ref -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:13.6905444Z [command]"C:\Program Files\Git\bin\git.exe" checkout --progress --force refs/remotes/pull/3227/merge -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:14.4897031Z Note: switching to 'refs/remotes/pull/3227/merge'. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:14.4897500Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:14.4897803Z You are in 'detached HEAD' state. You can look around, make experimental -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:14.4898551Z changes and commit them, and you can discard any commits you make in this -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:14.4899509Z state without impacting any branches by switching back to a branch. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:14.4900483Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:14.4900798Z If you want to create a new branch to retain commits you create, you may -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:14.4901459Z do so (now or later) by using -c with the switch command. Example: -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:14.4901864Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:14.4902011Z git switch -c -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:14.4902272Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:14.4902404Z Or undo this operation with: -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:14.4902635Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:14.4902737Z git switch - -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:14.4902906Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:14.4903225Z Turn off this advice by setting config variable advice.detachedHead to false -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:14.4903704Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:14.4904265Z HEAD is now at 8f35981a0 Merge ee651e0549dac8cb59c211ff0b7e2308fde12973 into 730420b8c0c3f15f4315d5cc25b5f1de8c61722c -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:14.4965882Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:14.5320072Z [command]"C:\Program Files\Git\bin\git.exe" log -1 --format=%H -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:14.5605107Z 8f35981a070d719505b06b5581803ac218073bbb -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:14.6044691Z ##[group]Run microsoft/setup-msbuild@v2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:14.6045007Z with: -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:14.6045188Z msbuild-architecture: x86 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:14.6045412Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:14.7629543Z [command]C:\ProgramData\Chocolatey\bin\vswhere.exe -products * -requires Microsoft.Component.MSBuild -property installationPath -latest -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:15.3050932Z C:\Program Files\Microsoft Visual Studio\2022\Enterprise -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:15.3591081Z ##[group]Run actions/setup-dotnet@v5 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:15.3591390Z with: -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:15.3591565Z dotnet-version: 6.0.x -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:15.3591754Z cache: false -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:15.3591924Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:15.5255304Z (node:5140) [DEP0040] DeprecationWarning: The `punycode` module is deprecated. Please use a userland alternative instead. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:15.5256059Z (Use `node --trace-deprecation ...` to show where the warning was created) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:15.6088011Z [command]"C:\Program Files\PowerShell\7\pwsh.exe" -NoLogo -Sta -NoProfile -NonInteractive -ExecutionPolicy Unrestricted -Command & 'D:\a\_actions\actions\setup-dotnet\v5\externals\install-dotnet.ps1' -SkipNonVersionedFiles -Runtime dotnet -Channel LTS -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:23.5502627Z dotnet-install: .NET Core Runtime with version '8.0.20' is already installed. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:23.9103117Z [command]"C:\Program Files\PowerShell\7\pwsh.exe" -NoLogo -Sta -NoProfile -NonInteractive -ExecutionPolicy Unrestricted -Command & 'D:\a\_actions\actions\setup-dotnet\v5\externals\install-dotnet.ps1' -SkipNonVersionedFiles -Channel 6.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:29.8402550Z dotnet-install: Downloaded file https://builds.dotnet.microsoft.com/dotnet/Sdk/6.0.428/dotnet-sdk-6.0.428-win-x64.zip size is 265214223 bytes. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:29.8420906Z dotnet-install: Either downloaded or local package size can not be measured. One of them may be corrupted. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:29.8447745Z dotnet-install: Extracting the archive. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:42.8647339Z dotnet-install: Note that the script does not ensure your Windows version is supported during the installation. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:42.8653704Z dotnet-install: To check the list of supported versions, go to https://learn.microsoft.com/dotnet/core/install/windows#supported-versions -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:42.8657533Z dotnet-install: Installed version is 6.0.428 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:42.8663952Z dotnet-install: Installation finished -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:42.9286002Z ##[group]Run actions/setup-dotnet@v5 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:42.9286521Z with: -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:42.9286691Z dotnet-version: 8.0.x -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:42.9286876Z cache: false -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:42.9287030Z env: -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:42.9287188Z DOTNET_ROOT: C:\Program Files\dotnet -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:42.9287404Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:43.0933507Z (node:5180) [DEP0040] DeprecationWarning: The `punycode` module is deprecated. Please use a userland alternative instead. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:43.0934411Z (Use `node --trace-deprecation ...` to show where the warning was created) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:43.1767201Z [command]"C:\Program Files\PowerShell\7\pwsh.exe" -NoLogo -Sta -NoProfile -NonInteractive -ExecutionPolicy Unrestricted -Command & 'D:\a\_actions\actions\setup-dotnet\v5\externals\install-dotnet.ps1' -SkipNonVersionedFiles -Runtime dotnet -Channel LTS -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:44.0740554Z dotnet-install: .NET Core Runtime with version '8.0.20' is already installed. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:44.2280675Z [command]"C:\Program Files\PowerShell\7\pwsh.exe" -NoLogo -Sta -NoProfile -NonInteractive -ExecutionPolicy Unrestricted -Command & 'D:\a\_actions\actions\setup-dotnet\v5\externals\install-dotnet.ps1' -SkipNonVersionedFiles -Channel 8.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:44.9628483Z dotnet-install: .NET Core SDK with version '8.0.414' is already installed. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:45.0691543Z ##[group]Run actions/setup-dotnet@v5 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:45.0691844Z with: -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:45.0692015Z dotnet-version: 9.0.x -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:45.0692205Z cache: false -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:45.0692348Z env: -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:45.0692513Z DOTNET_ROOT: C:\Program Files\dotnet -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:45.0692745Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:45.2404582Z (node:1044) [DEP0040] DeprecationWarning: The `punycode` module is deprecated. Please use a userland alternative instead. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:45.2405681Z (Use `node --trace-deprecation ...` to show where the warning was created) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:45.3544895Z [command]"C:\Program Files\PowerShell\7\pwsh.exe" -NoLogo -Sta -NoProfile -NonInteractive -ExecutionPolicy Unrestricted -Command & 'D:\a\_actions\actions\setup-dotnet\v5\externals\install-dotnet.ps1' -SkipNonVersionedFiles -Runtime dotnet -Channel LTS -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:46.1145974Z dotnet-install: .NET Core Runtime with version '8.0.20' is already installed. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:46.2658590Z [command]"C:\Program Files\PowerShell\7\pwsh.exe" -NoLogo -Sta -NoProfile -NonInteractive -ExecutionPolicy Unrestricted -Command & 'D:\a\_actions\actions\setup-dotnet\v5\externals\install-dotnet.ps1' -SkipNonVersionedFiles -Channel 9.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:46.9968608Z dotnet-install: .NET Core SDK with version '9.0.305' is already installed. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:47.1020596Z ##[group]Run actions/setup-dotnet@v5 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:47.1021039Z with: -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:47.1021232Z dotnet-version: 10.0.x -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:47.1021433Z cache: false -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:47.1021590Z env: -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:47.1021754Z DOTNET_ROOT: C:\Program Files\dotnet -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:47.1021983Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:47.2719367Z (node:2828) [DEP0040] DeprecationWarning: The `punycode` module is deprecated. Please use a userland alternative instead. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:47.2720208Z (Use `node --trace-deprecation ...` to show where the warning was created) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:47.3623688Z [command]"C:\Program Files\PowerShell\7\pwsh.exe" -NoLogo -Sta -NoProfile -NonInteractive -ExecutionPolicy Unrestricted -Command & 'D:\a\_actions\actions\setup-dotnet\v5\externals\install-dotnet.ps1' -SkipNonVersionedFiles -Runtime dotnet -Channel LTS -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:48.1634753Z dotnet-install: .NET Core Runtime with version '8.0.20' is already installed. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:48.3102405Z [command]"C:\Program Files\PowerShell\7\pwsh.exe" -NoLogo -Sta -NoProfile -NonInteractive -ExecutionPolicy Unrestricted -Command & 'D:\a\_actions\actions\setup-dotnet\v5\externals\install-dotnet.ps1' -SkipNonVersionedFiles -Channel 10.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:56.3042564Z dotnet-install: Downloaded file https://builds.dotnet.microsoft.com/dotnet/Sdk/10.0.100-rc.1.25451.107/dotnet-sdk-10.0.100-rc.1.25451.107-win-x64.zip size is 312395417 bytes. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:56.3056642Z dotnet-install: Either downloaded or local package size can not be measured. One of them may be corrupted. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:16:56.3079213Z dotnet-install: Extracting the archive. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:17:14.5599713Z dotnet-install: Note that the script does not ensure your Windows version is supported during the installation. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:17:14.5604316Z dotnet-install: To check the list of supported versions, go to https://learn.microsoft.com/dotnet/core/install/windows#supported-versions -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:17:14.5610518Z dotnet-install: Installed version is 10.0.100-rc.1.25451.107 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:17:14.5615873Z dotnet-install: Installation finished -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:17:14.6198660Z ##[group]Run npx playwright install-deps -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:17:14.6199064Z npx playwright install-deps -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:17:14.6262217Z shell: C:\Program Files\PowerShell\7\pwsh.EXE -command ". '{0}'" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:17:14.6262541Z env: -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:17:14.6262715Z DOTNET_ROOT: C:\Program Files\dotnet -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:17:14.6262956Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:17:27.7496041Z npm warn exec The following package was not found and will be installed: playwright@1.55.1 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:21.7823362Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:21.7832960Z Success Restart Needed Exit Code Feature Result -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:21.7837666Z ------- -------------- --------- -------------- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:21.7841294Z True No Success {Media Foundation} -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:21.7843760Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:21.7843966Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:23.3941944Z ##[group]Run npx playwright install -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:23.3942618Z npx playwright install -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:23.4014041Z shell: C:\Program Files\PowerShell\7\pwsh.EXE -command ". '{0}'" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:23.4014455Z env: -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:23.4014692Z DOTNET_ROOT: C:\Program Files\dotnet -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:23.4014963Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:25.8703434Z ╔═══════════════════════════════════════════════════════════════════════════════╗ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:25.8704660Z ║ WARNING: It looks like you are running 'npx playwright install' without first ║ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:25.8706282Z ║ installing your project's dependencies. ║ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:25.8707262Z ║ ║ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:25.8708281Z ║ To avoid unexpected behavior, please install your dependencies first, and ║ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:25.8709550Z ║ then run Playwright's install command: ║ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:25.8710371Z ║ ║ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:25.8711217Z ║ npm install ║ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:25.8712136Z ║ npx playwright install ║ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:25.8713101Z ║ ║ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:25.8714073Z ║ If your project does not yet depend on Playwright, first install the ║ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:25.8715192Z ║ applicable npm package (most commonly @playwright/test), and ║ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:25.8716433Z ║ then run Playwright's install command to download the browsers: ║ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:25.8717444Z ║ ║ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:25.8718142Z ║ npm install @playwright/test ║ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:25.8718701Z ║ npx playwright install ║ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:25.8719539Z ║ ║ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:25.8720005Z ╚═══════════════════════════════════════════════════════════════════════════════╝ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:25.8806526Z Downloading Chromium 140.0.7339.186 (playwright build v1193) from https://cdn.playwright.dev/dbazure/download/playwright/builds/chromium/1193/chromium-win64.zip -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:26.1120782Z | | 0% of 148.9 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:26.3523895Z |■■■■■■■■ | 10% of 148.9 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:26.5172247Z |■■■■■■■■■■■■■■■■ | 20% of 148.9 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:26.6756932Z |■■■■■■■■■■■■■■■■■■■■■■■■ | 30% of 148.9 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:26.8318386Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 40% of 148.9 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:26.9733978Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 50% of 148.9 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:27.1136429Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 60% of 148.9 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:27.2485702Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 70% of 148.9 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:27.3720095Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 80% of 148.9 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:27.4895747Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 90% of 148.9 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:27.6147012Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■| 100% of 148.9 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:32.3029587Z Chromium 140.0.7339.186 (playwright build v1193) downloaded to C:\Users\runneradmin\AppData\Local\ms-playwright\chromium-1193 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:32.3032663Z Downloading Chromium Headless Shell 140.0.7339.186 (playwright build v1193) from https://cdn.playwright.dev/dbazure/download/playwright/builds/chromium/1193/chromium-headless-shell-win64.zip -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:32.5446351Z | | 0% of 91.2 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:32.7013717Z |■■■■■■■■ | 10% of 91.2 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:32.8109849Z |■■■■■■■■■■■■■■■■ | 20% of 91.2 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:32.9152911Z |■■■■■■■■■■■■■■■■■■■■■■■■ | 30% of 91.2 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:33.0091889Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 40% of 91.2 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:33.1163697Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 50% of 91.2 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:33.1992638Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 60% of 91.2 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:33.2852119Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 70% of 91.2 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:33.3753886Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 80% of 91.2 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:33.4594611Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 90% of 91.2 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:33.5361769Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■| 100% of 91.2 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:36.1954719Z Chromium Headless Shell 140.0.7339.186 (playwright build v1193) downloaded to C:\Users\runneradmin\AppData\Local\ms-playwright\chromium_headless_shell-1193 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:36.1960407Z Downloading Firefox 141.0 (playwright build v1490) from https://cdn.playwright.dev/dbazure/download/playwright/builds/firefox/1490/firefox-win64.zip -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:36.4390268Z | | 0% of 104.4 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:36.6497863Z |■■■■■■■■ | 10% of 104.4 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:36.7849317Z |■■■■■■■■■■■■■■■■ | 20% of 104.4 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:36.9037284Z |■■■■■■■■■■■■■■■■■■■■■■■■ | 30% of 104.4 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:37.0337295Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 40% of 104.4 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:37.2348778Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 50% of 104.4 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:37.3812216Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 60% of 104.4 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:37.4956521Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 70% of 104.4 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:37.6577949Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 80% of 104.4 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:37.7776005Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 90% of 104.4 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:37.8892565Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■| 100% of 104.4 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:41.2481144Z Firefox 141.0 (playwright build v1490) downloaded to C:\Users\runneradmin\AppData\Local\ms-playwright\firefox-1490 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:41.2486128Z Downloading Webkit 26.0 (playwright build v2203) from https://cdn.playwright.dev/dbazure/download/playwright/builds/webkit/2203/webkit-win64.zip -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:41.5021245Z | | 0% of 57 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:41.6935169Z |■■■■■■■■ | 10% of 57 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:41.8136636Z |■■■■■■■■■■■■■■■■ | 20% of 57 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:41.8790428Z |■■■■■■■■■■■■■■■■■■■■■■■■ | 30% of 57 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:41.9462030Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 40% of 57 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:42.0082740Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 50% of 57 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:42.0697304Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 60% of 57 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:42.1291815Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 70% of 57 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:42.1991820Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 80% of 57 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:42.2480399Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 90% of 57 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:42.2914632Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■| 100% of 57 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:45.3589317Z Webkit 26.0 (playwright build v2203) downloaded to C:\Users\runneradmin\AppData\Local\ms-playwright\webkit-2203 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:45.3594138Z Downloading FFMPEG playwright build v1011 from https://cdn.playwright.dev/dbazure/download/playwright/builds/ffmpeg/1011/ffmpeg-win64.zip -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:45.6031857Z | | 0% of 1.3 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:45.6204627Z |■■■■■■■■ | 10% of 1.3 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:45.6285108Z |■■■■■■■■■■■■■■■■ | 20% of 1.3 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:45.6313816Z |■■■■■■■■■■■■■■■■■■■■■■■■ | 30% of 1.3 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:45.6371364Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 40% of 1.3 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:45.6388679Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 50% of 1.3 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:45.6408053Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 60% of 1.3 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:45.6437063Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 70% of 1.3 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:45.6455897Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 80% of 1.3 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:45.6474995Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 91% of 1.3 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:45.6492182Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■| 100% of 1.3 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:45.7183139Z FFMPEG playwright build v1011 downloaded to C:\Users\runneradmin\AppData\Local\ms-playwright\ffmpeg-1011 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:45.7188921Z Downloading Winldd playwright build v1007 from https://cdn.playwright.dev/dbazure/download/playwright/builds/winldd/1007/winldd-win64.zip -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:45.9466679Z |■■■■■■■■ | 12% of 0.1 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:45.9478732Z |■■■■■■■■■■■■■■■■ | 25% of 0.1 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:45.9530183Z |■■■■■■■■■■■■■■■■■■■■■■■■ | 38% of 0.1 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:45.9539302Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 50% of 0.1 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:45.9547824Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 63% of 0.1 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:45.9565426Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 76% of 0.1 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:45.9613328Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■ | 89% of 0.1 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:45.9620829Z |■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■■| 100% of 0.1 MiB -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:45.9859829Z Winldd playwright build v1007 downloaded to C:\Users\runneradmin\AppData\Local\ms-playwright\winldd-1007 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:46.9174694Z ##[group]Run dotnet build -c Release -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:46.9175105Z dotnet build -c Release -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:46.9242994Z shell: C:\Program Files\PowerShell\7\pwsh.EXE -command ". '{0}'" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:46.9243356Z env: -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:46.9243557Z DOTNET_ROOT: C:\Program Files\dotnet -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:20:46.9243855Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:21:02.8880393Z Determining projects to restore... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:21:37.5250726Z Restored D:\a\TUnit\TUnit\TUnit\TUnit.csproj (in 29.83 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:21:40.0916973Z Restored D:\a\TUnit\TUnit\TUnit.TestProject.VB.NET\TUnit.TestProject.VB.NET.vbproj (in 2.54 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:21:41.0224349Z Restored D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj (in 33.4 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:21:41.7561778Z Restored D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj (in 1.66 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:21:43.8835150Z Restored D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj (in 36.29 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:21:44.4535965Z Restored D:\a\TUnit\TUnit\TUnit.Templates\TUnit.Templates.csproj (in 2.69 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:21:45.0771163Z Restored D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.VB\TestProject.vbproj (in 619 ms). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:21:45.0775975Z Restored D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit\TestProject.csproj (in 1.19 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:21:47.2686374Z Restored D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.FSharp\TestProject.fsproj (in 2.18 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:21:47.2901436Z Restored D:\a\TUnit\TUnit\TUnit.TestProject.FSharp\TUnit.TestProject.FSharp.fsproj (in 6.22 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:21:47.4536662Z Restored D:\a\TUnit\TUnit\TUnit.Assertions.SourceGenerator\TUnit.Assertions.SourceGenerator.csproj (in 39.86 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:21:47.5986652Z Restored D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.AspNet\WebApp\WebApp.csproj (in 326 ms). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:21:47.6140007Z Restored D:\a\TUnit\TUnit\TUnit.Assertions.FSharp\TUnit.Assertions.FSharp.fsproj (in 7 ms). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:21:47.6217693Z Restored D:\a\TUnit\TUnit\TUnit.Assertions.Analyzers\TUnit.Assertions.Analyzers.csproj (in 3 ms). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:21:56.0458197Z Restored D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.AspNet\TestProject\TestProject.csproj (in 8.75 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:03.1136544Z Restored D:\a\TUnit\TUnit\TUnit.Assertions.Analyzers.CodeFixers\TUnit.Assertions.Analyzers.CodeFixers.csproj (in 5.03 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:24.8083609Z Restored D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.Playwright\TestProject.csproj (in 39.73 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:24.8154937Z Restored D:\a\TUnit\TUnit\TUnit.Analyzers\TUnit.Analyzers.csproj (in 2 ms). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:27.5105949Z Restored D:\a\TUnit\TUnit\TUnit.Assertions.Analyzers.CodeFixers.Tests\TUnit.Assertions.Analyzers.CodeFixers.Tests.csproj (in 24.38 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:27.5131074Z Restored D:\a\TUnit\TUnit\TUnit.Assertions.Analyzers.Tests\TUnit.Assertions.Analyzers.Tests.csproj (in 39.87 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:27.5133393Z Restored D:\a\TUnit\TUnit\TUnit.Assertions.SourceGenerator.Tests\TUnit.Assertions.SourceGenerator.Tests.csproj (in 40.04 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:27.5203483Z Restored D:\a\TUnit\TUnit\TUnit.Analyzers.Roslyn47\TUnit.Analyzers.Roslyn47.csproj (in 5 ms). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:27.5386068Z Restored D:\a\TUnit\TUnit\TUnit.Analyzers.CodeFixers\TUnit.Analyzers.CodeFixers.csproj (in 11 ms). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:33.7450478Z Restored D:\a\TUnit\TUnit\TUnit.Analyzers.Roslyn414\TUnit.Analyzers.Roslyn414.csproj (in 6.23 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:33.8631007Z Restored D:\a\TUnit\TUnit\Playground\Playground.csproj (in 6.31 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:34.9037358Z Restored D:\a\TUnit\TUnit\TUnit.Example.Asp.Net\TUnit.Example.Asp.Net.csproj (in 1.15 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:34.9079742Z Restored D:\a\TUnit\TUnit\TUnit.Example.Asp.Net.TestProject\TUnit.Example.Asp.Net.TestProject.csproj (in 1.04 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:34.9149889Z Restored D:\a\TUnit\TUnit\TUnit.Engine\TUnit.Engine.csproj (in 6 ms). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:34.9276130Z Restored D:\a\TUnit\TUnit\TUnit.Core\TUnit.Core.csproj (in 4 ms). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:34.9343884Z Restored D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.csproj (in 2 ms). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:34.9734892Z Restored D:\a\TUnit\TUnit\TUnit.Analyzers.Roslyn44\TUnit.Analyzers.Roslyn44.csproj (in 7.45 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:34.9815541Z Restored D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn47\TUnit.Core.SourceGenerator.Roslyn47.csproj (in 2 ms). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:35.0324178Z Restored D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn44\TUnit.Core.SourceGenerator.Roslyn44.csproj (in 3 ms). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:35.0391470Z Restored D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn414\TUnit.Core.SourceGenerator.Roslyn414.csproj (in 3 ms). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:35.0514011Z Restored D:\a\TUnit\TUnit\TUnit.Assertions\TUnit.Assertions.csproj (in 3 ms). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:35.0578547Z Restored D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj (in 105 ms). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:35.0621972Z Restored D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.AspNet.FSharp\WebApp\WebApp.fsproj (in 1 ms). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:35.0865942Z Restored D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.AspNet.FSharp\TestProject\TestProject.fsproj (in 17 ms). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:35.0914349Z Restored D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj (in 26 ms). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:35.2789257Z Restored D:\a\TUnit\TUnit\TUnit.Engine.Tests\TUnit.Engine.Tests.csproj (in 362 ms). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:35.9050123Z Restored D:\a\TUnit\TUnit\TUnit.Analyzers.Tests\TUnit.Analyzers.Tests.csproj (in 11.07 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:50.9198715Z Restored D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.Aspire.Starter\ExampleNamespace.WebApp\ExampleNamespace.WebApp.csproj (in 15.82 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:50.9200921Z Restored D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.Aspire.Starter\ExampleNamespace.ServiceDefaults\ExampleNamespace.ServiceDefaults.csproj (in 15.01 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:50.9202685Z Restored D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.Aspire.Test\ExampleNamespace.csproj (in 15.83 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:50.9279411Z Restored D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.Aspire.Starter\ExampleNamespace.ApiService\ExampleNamespace.ApiService.csproj (in 3 ms). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:51.5777138Z Restored D:\a\TUnit\TUnit\TUnit.RpcTests\TUnit.RpcTests.csproj (in 645 ms). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:51.8991930Z Restored D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.Aspire.Starter\ExampleNamespace.AppHost\ExampleNamespace.AppHost.csproj (in 974 ms). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:51.8995653Z Restored D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.Aspire.Starter\ExampleNamespace.TestProject\ExampleNamespace.TestProject.csproj (in 16.62 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:51.9140081Z Restored D:\a\TUnit\TUnit\TUnit.Playwright\TUnit.Playwright.csproj (in 8 ms). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:52.0474579Z Restored D:\a\TUnit\TUnit\TUnit.PublicAPI\TUnit.PublicAPI.csproj (in 459 ms). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:22:59.9024627Z Restored D:\a\TUnit\TUnit\TUnit.Templates.Tests\TUnit.Templates.Tests.csproj (in 8.98 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:05.3680726Z Restored D:\a\TUnit\TUnit\TUnit.Pipeline\TUnit.Pipeline.csproj (in 13.46 sec). -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:05.6693566Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:05.8614669Z C:\Users\runneradmin\.nuget\packages\system.text.encodings.web\9.0.0\buildTransitive\netcoreapp2.0\System.Text.Encodings.Web.targets(4,5): warning : System.Text.Encodings.Web 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:05.8626107Z C:\Users\runneradmin\.nuget\packages\system.io.pipelines\9.0.0\buildTransitive\netcoreapp2.0\System.IO.Pipelines.targets(4,5): warning : System.IO.Pipelines 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:05.8636711Z C:\Users\runneradmin\.nuget\packages\microsoft.bcl.asyncinterfaces\9.0.0\buildTransitive\netcoreapp2.0\Microsoft.Bcl.AsyncInterfaces.targets(4,5): warning : Microsoft.Bcl.AsyncInterfaces 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:05.8709328Z C:\Users\runneradmin\.nuget\packages\system.text.json\9.0.0\buildTransitive\netcoreapp2.0\System.Text.Json.targets(4,5): warning : System.Text.Json 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:11.8993250Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Analyzers\AnalyzerReleases.Shipped.md(5,1): warning RS2007: Analyzer release file 'AnalyzerReleases.Shipped.md' has a missing or invalid release header '#### Assertion Usage Rules' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [D:\a\TUnit\TUnit\TUnit.Assertions.Analyzers\TUnit.Assertions.Analyzers.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:11.9213315Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.SourceGenerator\Generators\AssertionMethodGenerator.cs(113,21): warning CS8604: Possible null reference argument for parameter 'MethodName' in 'CreateAssertionAttributeData.CreateAssertionAttributeData(INamedTypeSymbol TargetType, INamedTypeSymbol ContainingType, string MethodName, string? CustomName, bool NegateLogic, bool RequiresGenericTypeParameter, bool TreatAsInstance)'. [D:\a\TUnit\TUnit\TUnit.Assertions.SourceGenerator\TUnit.Assertions.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:11.9220138Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.SourceGenerator\Generators\AssertionMethodGenerator.cs(220,21): warning CS8604: Possible null reference argument for parameter 'MethodName' in 'CreateAssertionAttributeData.CreateAssertionAttributeData(INamedTypeSymbol TargetType, INamedTypeSymbol ContainingType, string MethodName, string? CustomName, bool NegateLogic, bool RequiresGenericTypeParameter, bool TreatAsInstance)'. [D:\a\TUnit\TUnit\TUnit.Assertions.SourceGenerator\TUnit.Assertions.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:12.0038443Z TUnit.Assertions.Analyzers -> D:\a\TUnit\TUnit\TUnit.Assertions.Analyzers\bin\Release\netstandard2.0\TUnit.Assertions.Analyzers.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:12.0041491Z TUnit.Assertions.SourceGenerator -> D:\a\TUnit\TUnit\TUnit.Assertions.SourceGenerator\bin\Release\netstandard2.0\TUnit.Assertions.SourceGenerator.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:12.4189067Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:12.4619397Z TUnit.Core -> D:\a\TUnit\TUnit\TUnit.Core\bin\Release\netstandard2.0\TUnit.Core.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:12.7712136Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:12.9051318Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:13.1178491Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:13.2293965Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:15.9217337Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:18.0123374Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:18.5528370Z TUnit.Core -> D:\a\TUnit\TUnit\TUnit.Core\bin\Release\net8.0\TUnit.Core.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:18.8380125Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:19.5244794Z TUnit.Core -> D:\a\TUnit\TUnit\TUnit.Core\bin\Release\net9.0\TUnit.Core.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:19.6123543Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:19.8434499Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:20.8986359Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:21.0121289Z ##[warning]D:\a\TUnit\TUnit\TUnit.Analyzers\AnalyzerReleases.Shipped.md(5,1): warning RS2007: Analyzer release file 'AnalyzerReleases.Shipped.md' has a missing or invalid release header '#### Test Method and Structure Rules' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [D:\a\TUnit\TUnit\TUnit.Analyzers\TUnit.Analyzers.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:21.0482519Z TUnit.Analyzers -> D:\a\TUnit\TUnit\TUnit.Analyzers\bin\Release\netstandard2.0\TUnit.Analyzers.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:21.2800988Z TUnit.Pipeline -> D:\a\TUnit\TUnit\TUnit.Pipeline\bin\Release\net8.0\TUnit.Pipeline.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:22.7726201Z TUnit.Assertions.Analyzers.CodeFixers -> D:\a\TUnit\TUnit\TUnit.Assertions.Analyzers.CodeFixers\bin\Release\netstandard2.0\TUnit.Assertions.Analyzers.CodeFixers.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:22.9214463Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:23.4651836Z TUnit.Analyzers.CodeFixers -> D:\a\TUnit\TUnit\TUnit.Analyzers.CodeFixers\bin\Release\netstandard2.0\TUnit.Analyzers.CodeFixers.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:24.5874469Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\AotMethodInvocationGenerator.cs(168,52): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:24.6293560Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\CodeGenerators\Helpers\TupleArgumentHelper.cs(72,37): warning CS8600: Converting null literal or possible null value to non-nullable type. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:24.6414274Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(688,54): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:24.6578815Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2207,20): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:24.6755699Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2215,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:24.6806908Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2235,24): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:24.6941388Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2244,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:24.7023347Z TUnit.Core.SourceGenerator -> D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\bin\Release\netstandard2.0\TUnit.Core.SourceGenerator.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:24.8199369Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:25.0159532Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:25.0792555Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:25.1307316Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:25.2437887Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:25.3180965Z TUnit.Engine -> D:\a\TUnit\TUnit\TUnit.Engine\bin\Release\netstandard2.0\TUnit.Engine.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:28.8434216Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject.Library\Bugs\1889\BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:29.2429752Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject.Library\Bugs\1889\BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:29.6572232Z TUnit.RpcTests -> D:\a\TUnit\TUnit\TUnit.RpcTests\bin\Release\net8.0\TUnit.RpcTests.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:29.8600674Z TUnit.Engine -> D:\a\TUnit\TUnit\TUnit.Engine\bin\Release\net9.0\TUnit.Engine.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:30.4578935Z TestProject -> D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.Playwright\bin\Release\net8.0\TestProject.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:30.4951982Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject.Library\Bugs\1889\BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:30.4959062Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject.Library\Bugs\1889\BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:34.3958543Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(688,54): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn44\TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:34.5078011Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2207,20): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn44\TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:34.5250680Z TUnit.TestProject.Library -> D:\a\TUnit\TUnit\TUnit.TestProject.Library\bin\Release\net472\TUnit.TestProject.Library.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:34.5273611Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2215,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn44\TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:34.5300775Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2235,24): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn44\TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:34.5405730Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2244,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn44\TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:34.5521143Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\CodeGenerators\Helpers\TupleArgumentHelper.cs(72,37): warning CS8600: Converting null literal or possible null value to non-nullable type. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn44\TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:34.5645329Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\AotMethodInvocationGenerator.cs(168,52): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn44\TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:34.5732735Z TUnit.Core.SourceGenerator.Roslyn44 -> D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn44\bin\Release\netstandard2.0\TUnit.Core.SourceGenerator.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:38.6742090Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject.Library\Bugs\1889\BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:38.6939396Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject.Library\Bugs\1889\BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:40.2384700Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\CodeGenerators\Helpers\TupleArgumentHelper.cs(72,37): warning CS8600: Converting null literal or possible null value to non-nullable type. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn47\TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:40.3864035Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\AotMethodInvocationGenerator.cs(168,52): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn47\TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:40.4666449Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(688,54): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn47\TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:40.5236492Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2207,20): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn47\TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:40.5769928Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2215,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn47\TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:40.5806235Z TUnit.Analyzers.Roslyn44 -> D:\a\TUnit\TUnit\TUnit.Analyzers.Roslyn44\bin\Release\netstandard2.0\TUnit.Analyzers.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:40.5817772Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2235,24): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn47\TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:40.5870295Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2244,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn47\TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:40.5878425Z TUnit.Core.SourceGenerator.Roslyn47 -> D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn47\bin\Release\netstandard2.0\TUnit.Core.SourceGenerator.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:41.8579201Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject.Library\Bugs\1889\BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:41.8958582Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject.Library\Bugs\1889\BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:42.4035797Z TUnit.TestProject.Library -> D:\a\TUnit\TUnit\TUnit.TestProject.Library\bin\Release\net6.0\TUnit.TestProject.Library.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:46.2138108Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:46.2228676Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject.Library\Bugs\1889\BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:46.2254273Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject.Library\Bugs\1889\BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:46.2285518Z TUnit.Engine -> D:\a\TUnit\TUnit\TUnit.Engine\bin\Release\net8.0\TUnit.Engine.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:46.2362465Z TUnit.TestProject.Library -> D:\a\TUnit\TUnit\TUnit.TestProject.Library\bin\Release\netstandard2.0\TUnit.TestProject.Library.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:46.2471013Z TUnit.TestProject.Library -> D:\a\TUnit\TUnit\TUnit.TestProject.Library\bin\Release\net9.0\TUnit.TestProject.Library.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:46.2509669Z TUnit.TestProject.Library -> D:\a\TUnit\TUnit\TUnit.TestProject.Library\bin\Release\net8.0\TUnit.TestProject.Library.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:46.2643909Z TUnit.Assertions -> D:\a\TUnit\TUnit\TUnit.Assertions\bin\Release\net9.0\TUnit.Assertions.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:46.3647334Z ##[warning]D:\a\TUnit\TUnit\TUnit.Analyzers\MultipleConstructorsAnalyzer.cs(13,15): warning RS2008: Enable analyzer release tracking for the analyzer project containing rule 'TUnit0052' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [D:\a\TUnit\TUnit\TUnit.Analyzers.Roslyn47\TUnit.Analyzers.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:46.3652972Z TUnit.Analyzers.Roslyn47 -> D:\a\TUnit\TUnit\TUnit.Analyzers.Roslyn47\bin\Release\netstandard2.0\TUnit.Analyzers.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:47.0982977Z TestProject -> D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit\bin\Release\net8.0\TestProject.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:47.3908862Z TUnit.Assertions -> D:\a\TUnit\TUnit\TUnit.Assertions\bin\Release\net8.0\TUnit.Assertions.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:47.6009647Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:47.6241713Z TUnit.Assertions -> D:\a\TUnit\TUnit\TUnit.Assertions\bin\Release\netstandard2.0\TUnit.Assertions.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:47.7274302Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:49.3539314Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:49.4560850Z TUnit -> D:\a\TUnit\TUnit\TUnit\bin\Release\netstandard2.0\TUnit.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:50.9536766Z TUnit -> D:\a\TUnit\TUnit\TUnit\bin\Release\net8.0\TUnit.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.2054758Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AbstractTests.cs(29,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.2573998Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AbstractTests.cs(47,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.2725966Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AfterAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.2866876Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.3235506Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ArgsAsArrayTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.3305642Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ArgumentWithImplicitConverterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.3370761Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AssemblyAfterTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.3584409Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AssemblyBeforeTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.3595100Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AssemblyLoaderTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.3610365Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.3624920Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TimeoutCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.3715431Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AttributeTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.3991718Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\BasicTests.cs(15,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.4029849Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\BeforeAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.4602880Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\BeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.4611680Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\Issue2887\Issue2887Tests.cs(17,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.5854845Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\2136\Tests2136.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.6236341Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\2112\Tests2112.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.6293008Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\2085\Tests2085.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.6349129Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\2083\Tests2083.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.6440328Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1899\Tests1899.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.6547396Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassAndMethodArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.6602688Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1899\Tests1899.cs(35,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.6721649Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassConstructorTest.cs(23,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.7101310Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1889\Tests1889.cs(22,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.7109156Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassDataSourceDrivenTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.7191004Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1821\Tests1821.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.7469840Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassDataSourceDrivenTests2.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.7776791Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1692\Tests1692.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8095485Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassDataSourceDrivenTestsSharedKeyed.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8249805Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1603\Tests1603.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8385621Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1594\Tests1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8643469Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1594\Hooks1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8815546Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8824094Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1589\Tests1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8829227Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1304\EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8849176Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ConcreteClassTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8856609Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ConstantArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8861005Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\CustomDisplayNameTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8866005Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DataDrivenTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8870596Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1589\Hooks1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8875138Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DataSourceClassCombinedWithDataSourceMethodTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8880036Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1539\Tests1539.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8884673Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DataSourceGeneratorTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8889473Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1538\Tests1538.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8893908Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1432\EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8898212Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Dynamic\Basic.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8902519Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DisableReflectionScannerTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8907294Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1432\ConstantsInInterpolatedStringsTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8912099Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\EnumerableDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8916710Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\EnumerableTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8921285Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1432\ConstantInBaseClassTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8925632Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\GenericMethodTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8930280Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\GlobalStaticAfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8934525Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\GlobalStaticBeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8938692Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\HooksTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8942819Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\HooksTests.cs(18,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8948049Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\InheritedPropertySetterTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8952817Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DataSourceGeneratorTests.cs(28,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8972165Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\MatrixTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8980204Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\MethodDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8988625Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\MethodDataSourceDrivenWithCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.8996558Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\MultipleClassDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.9004784Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\NameOfArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.9012073Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\NullableByteArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.9019597Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\NumberArgumentTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.9027527Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\PriorityFilteringTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.9035461Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\PropertySetterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.9043382Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\RepeatTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.9050829Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\StringArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.9057971Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\STAThreadTests.cs(16,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.9065372Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TestDiscoveryHookTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:58.9071090Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AssemblyNamesWithDashesTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:23:59.5933207Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:00.3951026Z WebApp -> D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.AspNet\WebApp\bin\Release\net9.0\WebApp.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:00.3955088Z TUnit.Templates -> D:\a\TUnit\TUnit\TUnit.Templates\bin\Release\net9.0\TUnit.Templates.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:00.4154276Z TUnit -> D:\a\TUnit\TUnit\TUnit\bin\Release\net9.0\TUnit.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:07.6572349Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AfterAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.1131254Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AbstractTests.cs(29,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.1930944Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.2312993Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ArgsAsArrayTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.2468073Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ArgumentWithImplicitConverterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.2527198Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AssemblyAfterTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.2759520Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AssemblyBeforeTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.3269998Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AbstractTests.cs(47,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.3391565Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AssemblyLoaderTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.3525765Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.3698882Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TimeoutCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.3944719Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TestDiscoveryHookTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.4286670Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\StringArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.5896176Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\STAThreadTests.cs(16,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6005148Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\RepeatTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6112813Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\PropertySetterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6534995Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\PriorityFilteringTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6544257Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\NumberArgumentTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6551501Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\NullableByteArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6560077Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\NameOfArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6567365Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\MultipleClassDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6575793Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\MethodDataSourceDrivenWithCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6583582Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\MethodDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6590935Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\MatrixTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6598601Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\InheritedPropertySetterTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6605985Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\HooksTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6614189Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\GlobalStaticBeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6622203Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\HooksTests.cs(18,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6634144Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\GlobalStaticAfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6642858Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\GenericMethodTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6682159Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\EnumerableTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6690783Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\EnumerableDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6698668Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Dynamic\Basic.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6706325Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DataSourceGeneratorTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6714909Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DisableReflectionScannerTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6722342Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DataSourceGeneratorTests.cs(28,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6731091Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DataSourceClassCombinedWithDataSourceMethodTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6738823Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DataDrivenTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6745771Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\CustomDisplayNameTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6753631Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ConstantArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6760874Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6768091Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ConcreteClassTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6775700Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassDataSourceDrivenTestsSharedKeyed.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6783119Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassDataSourceDrivenTests2.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6791871Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassDataSourceDrivenTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6800061Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassAndMethodArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6807488Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassConstructorTest.cs(23,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6814914Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\BeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6823199Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\BeforeAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6830297Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\Issue2887\Issue2887Tests.cs(17,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6837791Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\BasicTests.cs(15,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6844874Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\2136\Tests2136.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6851873Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AttributeTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6859504Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\2112\Tests2112.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6867274Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\2085\Tests2085.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6874735Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\2083\Tests2083.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6903688Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1899\Tests1899.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.6910636Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1899\Tests1899.cs(35,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.7015494Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1889\Tests1889.cs(22,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.7022817Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1821\Tests1821.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.7030173Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1692\Tests1692.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.7037100Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1603\Tests1603.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.7043882Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1594\Tests1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.7051787Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1594\Hooks1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.7058690Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1589\Tests1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.7065701Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1589\Hooks1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.7073087Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1539\Tests1539.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.7080272Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1538\Tests1538.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.7087428Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1432\EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.7095246Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1432\ConstantsInInterpolatedStringsTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.7102788Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1304\EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.7111626Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1432\ConstantInBaseClassTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.7117470Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AssemblyNamesWithDashesTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.7122255Z ##[warning]D:\a\TUnit\TUnit\TUnit.Templates.Tests\BasicTemplateTests.cs(16,9): warning TUnit0018: Test methods should not assign instance data [D:\a\TUnit\TUnit\TUnit.Templates.Tests\TUnit.Templates.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.7126158Z ##[warning]D:\a\TUnit\TUnit\TUnit.Templates.Tests\BasicTemplateTests.cs(23,9): warning TUnit0018: Test methods should not assign instance data [D:\a\TUnit\TUnit\TUnit.Templates.Tests\TUnit.Templates.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.7130814Z ##[warning]D:\a\TUnit\TUnit\TUnit.Templates.Tests\AspNetTemplateTests.cs(16,9): warning TUnit0018: Test methods should not assign instance data [D:\a\TUnit\TUnit\TUnit.Templates.Tests\TUnit.Templates.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:10.7343644Z TestProject -> D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.AspNet\TestProject\bin\Release\net9.0\TestProject.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:11.0956961Z TUnit.Templates.Tests -> D:\a\TUnit\TUnit\TUnit.Templates.Tests\bin\Release\net9.0\TUnit.Templates.Tests.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:12.6211753Z ExampleNamespace.ServiceDefaults -> D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.Aspire.Starter\ExampleNamespace.ServiceDefaults\bin\Release\net9.0\ExampleNamespace.ServiceDefaults.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:12.6817824Z TUnit.Analyzers.Tests -> D:\a\TUnit\TUnit\TUnit.Analyzers.Tests\bin\Release\net9.0\TUnit.Analyzers.Tests.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.0897607Z ExampleNamespace -> D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.Aspire.Test\bin\Release\net9.0\ExampleNamespace.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.3753315Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.3885060Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(56,91): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.3994038Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_BaseStaticClass_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.4338234Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.4569847Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(56,104): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.4841447Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(73,121): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.4979479Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(90,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.5512436Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_ComplexData_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.5758932Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.5787366Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(56,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.6056486Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_CustomPropertyDataSourceTests_PropertyInjection.g.cs(39,71): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.6072498Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_NestedService_PropertyInjection.g.cs(39,89): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.6096777Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(39,93): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.6112389Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(56,139): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.6122004Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(73,162): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.6139654Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_BaseTestClass_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.6148596Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_CustomService_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.6211923Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\PropertyDataSourceInjectionTests.cs(161,111): warning CS8604: Possible null reference argument for parameter 'testInformation' in 'Task<(bool success, object? createdInstance)> DataSourceHelpers.TryCreateWithInitializerAsync(Type type, MethodMetadata testInformation, string testSessionId)'. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.6234978Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(14,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.6313355Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.6465228Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.6511599Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\GenericTestGenerationTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.6607206Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.7967889Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.8103326Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\EmptyDataSourceTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.8479664Z TUnit.Core.SourceGenerator.Tests -> D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\bin\Release\net9.0\TUnit.Core.SourceGenerator.Tests.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:13.9679128Z ExampleNamespace.ApiService -> D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.Aspire.Starter\ExampleNamespace.ApiService\bin\Release\net9.0\ExampleNamespace.ApiService.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:16.3819336Z TUnit.Assertions.Analyzers.Tests -> D:\a\TUnit\TUnit\TUnit.Assertions.Analyzers.Tests\bin\Release\net9.0\TUnit.Assertions.Analyzers.Tests.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:28.3393006Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AbstractTests.cs(29,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1108816Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AfterAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1119581Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1125551Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(17,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1135709Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ArgsAsArrayTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1143745Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(11,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1152442Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AbstractTests.cs(47,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1161227Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(34,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1169377Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TimeoutCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1178015Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(33,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1185987Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1194320Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(49,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1203088Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TestDiscoveryHookTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1210708Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(47,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1219070Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\StringArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1227255Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(72,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1235280Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\STAThreadTests.cs(16,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1243191Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(96,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1250351Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\RepeatTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1258852Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(61,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1265855Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\PropertySetterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1274215Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(113,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1281236Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\PriorityFilteringTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1289654Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(130,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1296704Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\NumberArgumentTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1304696Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(79,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1311945Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\NullableByteArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1320923Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(97,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1328112Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\NameOfArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1338921Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(147,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1346073Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\MultipleClassDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1355022Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(11,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1383398Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\MethodDataSourceDrivenWithCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1392720Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(17,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1399666Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\MethodDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1408022Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1415112Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\MatrixTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1423685Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1430773Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\InheritedPropertySetterTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1439427Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(40,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1445589Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\HooksTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1453854Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1460578Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\HooksTests.cs(18,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1468723Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(53,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1476928Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\GlobalStaticBeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1488771Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\GlobalStaticAfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1500396Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\GenericMethodTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1517126Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\EnumerableTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1529851Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\EnumerableDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1544363Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Dynamic\Basic.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1569097Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DisableReflectionScannerTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1584788Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DataSourceGeneratorTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1598860Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DataSourceGeneratorTests.cs(28,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1614589Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DataSourceClassCombinedWithDataSourceMethodTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1643484Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DataDrivenTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1750139Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\CustomDisplayNameTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1794153Z TUnit.Assertions.Analyzers.CodeFixers.Tests -> D:\a\TUnit\TUnit\TUnit.Assertions.Analyzers.CodeFixers.Tests\bin\Release\net472\TUnit.Assertions.Analyzers.CodeFixers.Tests.exe -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1807338Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ConstantArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1820908Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1855730Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ConcreteClassTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1905249Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassDataSourceDrivenTestsSharedKeyed.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1918594Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassDataSourceDrivenTests2.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1932500Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassDataSourceDrivenTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1956222Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassConstructorTest.cs(23,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1970426Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassAndMethodArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.1982375Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\Issue2887\Issue2887Tests.cs(17,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.2039107Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\2136\Tests2136.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.2051583Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\2112\Tests2112.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.2081580Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\2085\Tests2085.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.2133251Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\2083\Tests2083.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.2251999Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1899\Tests1899.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.2268107Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1899\Tests1899.cs(35,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.2300061Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1889\Tests1889.cs(22,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.2322416Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\BeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.2338490Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\BeforeAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.2349331Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\BasicTests.cs(15,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.2359614Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AttributeTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.2370908Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1821\Tests1821.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.2382330Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1692\Tests1692.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.2422885Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1603\Tests1603.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.2577096Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1594\Tests1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.2749262Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1594\Hooks1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.2864960Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1589\Tests1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.2964183Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AssemblyLoaderTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.3250581Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1589\Hooks1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.3323794Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1539\Tests1539.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.3693330Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AssemblyBeforeTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.3710841Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AssemblyAfterTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.3784409Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1538\Tests1538.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.3790990Z ExampleNamespace.WebApp -> D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.Aspire.Starter\ExampleNamespace.WebApp\bin\Release\net9.0\ExampleNamespace.WebApp.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.3804266Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1432\EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.3817207Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ArgumentWithImplicitConverterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.3840542Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1432\ConstantsInInterpolatedStringsTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.3862038Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1432\ConstantInBaseClassTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.3880195Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1304\EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.3894029Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AssemblyNamesWithDashesTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:29.7819496Z TUnit.Engine.Tests -> D:\a\TUnit\TUnit\TUnit.Engine.Tests\bin\Release\net9.0\TUnit.Engine.Tests.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:30.3480002Z Playground -> D:\a\TUnit\TUnit\Playground\bin\Release\net8.0\Playground.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:30.9301367Z Playground -> D:\a\TUnit\TUnit\Playground\bin\Release\net9.0\Playground.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:30.9336192Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:31.1899181Z TUnit.Assertions.Tests -> D:\a\TUnit\TUnit\TUnit.Assertions.Tests\bin\Release\net472\TUnit.Assertions.Tests.exe -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:31.2979626Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:31.5321696Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(11,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:31.5626931Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(33,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:31.5645882Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(47,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:31.5681831Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(61,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:31.5693138Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(79,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:31.5697709Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(97,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:31.5702781Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(17,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:31.5741021Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(34,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:31.5799712Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(49,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:31.5829805Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(72,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:31.5917872Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(96,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:31.6139160Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(113,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:31.6233395Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(130,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:31.6287717Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(147,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:31.6304826Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(17,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:31.6401495Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(11,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:31.6415144Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:31.6427059Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:31.6498574Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(40,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:31.6756126Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:31.6873958Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(53,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:31.7180086Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:31.7199047Z TUnit.Assertions.Tests -> D:\a\TUnit\TUnit\TUnit.Assertions.Tests\bin\Release\net9.0\TUnit.Assertions.Tests.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:31.7301512Z TUnit.UnitTests -> D:\a\TUnit\TUnit\TUnit.UnitTests\bin\Release\net8.0\TUnit.UnitTests.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:31.7432114Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:32.8261449Z TUnit.Example.Asp.Net -> D:\a\TUnit\TUnit\TUnit.Example.Asp.Net\bin\Release\net9.0\TUnit.Example.Asp.Net.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:33.0347487Z TUnit.Playwright -> D:\a\TUnit\TUnit\TUnit.Playwright\bin\Release\net8.0\TUnit.Playwright.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:34.8811286Z TUnit.Assertions.Analyzers.CodeFixers.Tests -> D:\a\TUnit\TUnit\TUnit.Assertions.Analyzers.CodeFixers.Tests\bin\Release\net8.0\TUnit.Assertions.Analyzers.CodeFixers.Tests.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:35.1734734Z TUnit.Example.Asp.Net.TestProject -> D:\a\TUnit\TUnit\TUnit.Example.Asp.Net.TestProject\bin\Release\net9.0\TUnit.Example.Asp.Net.TestProject.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:37.7985195Z ExampleNamespace.AppHost -> D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.Aspire.Starter\ExampleNamespace.AppHost\bin\Release\net9.0\ExampleNamespace.AppHost.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:37.8010989Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:39.0585220Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:40.4859955Z TUnit.Playwright -> D:\a\TUnit\TUnit\TUnit.Playwright\bin\Release\netstandard2.0\TUnit.Playwright.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:40.5397305Z TUnit.Assertions.Analyzers.CodeFixers.Tests -> D:\a\TUnit\TUnit\TUnit.Assertions.Analyzers.CodeFixers.Tests\bin\Release\net9.0\TUnit.Assertions.Analyzers.CodeFixers.Tests.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:40.5705918Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:41.5050136Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:41.8327274Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:41.8414390Z TUnit.Playwright -> D:\a\TUnit\TUnit\TUnit.Playwright\bin\Release\net9.0\TUnit.Playwright.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:43.4454564Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(17,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:43.4482142Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(34,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:43.4728822Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(49,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:43.4743216Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(11,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:43.4758000Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(33,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:43.4761809Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(47,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:43.4765557Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(72,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:43.4770541Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(96,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:43.4774767Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(113,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:43.4778771Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(130,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:43.4783555Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(147,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:43.4787820Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(61,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:43.4792861Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(79,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:43.4795586Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(97,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:43.4798256Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(11,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:43.4800920Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(17,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:43.4804183Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:43.4806742Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:43.4808971Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(40,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:43.4812274Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:43.4815438Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(53,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:43.6146212Z TUnit.Assertions.Tests -> D:\a\TUnit\TUnit\TUnit.Assertions.Tests\bin\Release\net8.0\TUnit.Assertions.Tests.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:43.8717215Z TUnit.Core.SourceGenerator.Tests -> D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\bin\Release\net472\TUnit.Core.SourceGenerator.Tests.exe -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:44.0730973Z TUnit.TestProject.VB.NET -> D:\a\TUnit\TUnit\TUnit.TestProject.VB.NET\bin\Release\net8.0\TUnit.TestProject.VB.NET.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:44.1419481Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.1217475Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.1461098Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(56,91): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.1527918Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_BaseStaticClass_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.1871751Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(39,93): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.2005430Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(56,139): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.2526794Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(73,162): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.3469245Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_NestedService_PropertyInjection.g.cs(39,89): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.3655711Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_CustomService_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.3786259Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_CustomPropertyDataSourceTests_PropertyInjection.g.cs(39,71): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.4058144Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.4185101Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(56,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.4228219Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_BaseTestClass_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.4239007Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_ComplexData_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.4258154Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.4267966Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(56,104): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.4290439Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(73,121): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.4310008Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(90,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.4335997Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\PropertyDataSourceInjectionTests.cs(161,111): warning CS8604: Possible null reference argument for parameter 'testInformation' in 'Task<(bool success, object? createdInstance)> DataSourceHelpers.TryCreateWithInitializerAsync(Type type, MethodMetadata testInformation, string testSessionId)'. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.4349637Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.4361834Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.4369470Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\EmptyDataSourceTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.4384973Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\GenericTestGenerationTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.4392127Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(14,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.4398573Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.4405137Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.4410619Z TUnit.UnitTests -> D:\a\TUnit\TUnit\TUnit.UnitTests\bin\Release\net9.0\TUnit.UnitTests.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.4418712Z TUnit.Core.SourceGenerator.Tests -> D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\bin\Release\net8.0\TUnit.Core.SourceGenerator.Tests.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.6226632Z D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.FSharp\TestProject.fsproj : warning NU1504: Duplicate 'PackageReference' items found. Remove the duplicate items or use the Update functionality to ensure a consistent restore behavior. The duplicate 'PackageReference' items are: TUnit.Assertions.FSharp *, TUnit.Assertions.FSharp 0.61.39. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.7232143Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_ComplexData_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.7309379Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_BaseTestClass_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.7406257Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.7425718Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(56,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.7603419Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.7691200Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(56,104): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.7727445Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(73,121): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.7741682Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(90,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.7766369Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_CustomPropertyDataSourceTests_PropertyInjection.g.cs(39,71): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.7781162Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_CustomService_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.7803652Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_NestedService_PropertyInjection.g.cs(39,89): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.7817783Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.7827344Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(56,91): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.7849294Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(39,93): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.7866927Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(56,139): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.7876678Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(73,162): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.7896418Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_BaseStaticClass_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.7904805Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\PropertyDataSourceInjectionTests.cs(161,111): warning CS8604: Possible null reference argument for parameter 'testInformation' in 'Task<(bool success, object? createdInstance)> DataSourceHelpers.TryCreateWithInitializerAsync(Type type, MethodMetadata testInformation, string testSessionId)'. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.7912635Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(14,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.7919987Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.7924656Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.7928978Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.7939636Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.7944963Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\EmptyDataSourceTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.7950195Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\GenericTestGenerationTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.7958289Z TUnit.UnitTests -> D:\a\TUnit\TUnit\TUnit.UnitTests\bin\Release\net472\TUnit.UnitTests.exe -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:45.9718708Z TUnit.TestProject.VB.NET -> D:\a\TUnit\TUnit\TUnit.TestProject.VB.NET\bin\Release\net9.0\TUnit.TestProject.VB.NET.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:46.1811020Z D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.AspNet.FSharp\TestProject\TestProject.fsproj : warning NU1504: Duplicate 'PackageReference' items found. Remove the duplicate items or use the Update functionality to ensure a consistent restore behavior. The duplicate 'PackageReference' items are: TUnit.Assertions.FSharp *, TUnit.Assertions.FSharp 0.61.39. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:46.3788786Z TestProject -> D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.VB\bin\Release\net8.0\TestProject.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:50.4571830Z TUnit.PublicAPI -> D:\a\TUnit\TUnit\TUnit.PublicAPI\bin\Release\net8.0\TUnit.PublicAPI.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:50.5807915Z ##[warning]D:\a\TUnit\TUnit\TUnit.Analyzers\MultipleConstructorsAnalyzer.cs(13,15): warning RS2008: Enable analyzer release tracking for the analyzer project containing rule 'TUnit0052' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [D:\a\TUnit\TUnit\TUnit.Analyzers.Roslyn414\TUnit.Analyzers.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:50.5994792Z TUnit.Analyzers.Roslyn414 -> D:\a\TUnit\TUnit\TUnit.Analyzers.Roslyn414\bin\Release\netstandard2.0\TUnit.Analyzers.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:53.2119547Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\CodeGenerators\Helpers\TupleArgumentHelper.cs(72,37): warning CS8600: Converting null literal or possible null value to non-nullable type. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn414\TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:53.2568216Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\AotMethodInvocationGenerator.cs(168,52): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn414\TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:53.7584854Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(688,54): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn414\TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:53.7883438Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2207,20): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn414\TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:54.0750856Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2215,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn414\TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:54.0758814Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2235,24): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn414\TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:54.2126106Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2244,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn414\TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:54.2632143Z TUnit.Core.SourceGenerator.Roslyn414 -> D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn414\bin\Release\netstandard2.0\TUnit.Core.SourceGenerator.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:54.4245063Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:54.9521153Z TUnit.PublicAPI -> D:\a\TUnit\TUnit\TUnit.PublicAPI\bin\Release\net9.0\TUnit.PublicAPI.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:55.3780031Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:57.5946834Z TUnit.Assertions.SourceGenerator.Tests -> D:\a\TUnit\TUnit\TUnit.Assertions.SourceGenerator.Tests\bin\Release\net472\TUnit.Assertions.SourceGenerator.Tests.exe -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:24:57.8964372Z Removing SourceGeneratedViewer directory... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:04.7116112Z TUnit.Assertions.SourceGenerator.Tests -> D:\a\TUnit\TUnit\TUnit.Assertions.SourceGenerator.Tests\bin\Release\net8.0\TUnit.Assertions.SourceGenerator.Tests.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.5241069Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AbstractBaseClassPropertyInjectionTests.cs(20,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.5245086Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\TestCountVerificationTests.cs(6,45): warning CS9113: Parameter 'value' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.5315249Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(39,86): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.5462391Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(56,97): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.5491223Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\PropertyInitializationTests.cs(108,91): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.5499569Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\PropertyInitializationTests.cs(98,82): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.5509235Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NotInParallelExecutionTests.cs(28,25): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.5515033Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NotInParallelExecutionTests.cs(53,30): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.5521215Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(130,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.5527702Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(100,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.5534499Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests2.cs(33,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6528950Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(61,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6601989Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(34,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6613965Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MixedDataSourceBugTest.cs(5,41): warning CS9113: Parameter 'classValue' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6623359Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\DynamicallyRegisteredTests.cs(58,19): warning CS0618: 'TestContext.ReregisterTestWithArguments(object?[]?, Dictionary?)' is obsolete: 'This method is non-functional after the removal of ITestFinder. It will be removed in a future version.' [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6630756Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ComprehensiveCountTest.cs(8,44): warning CS9113: Parameter 'classValue' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6636515Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\CombinedParallelConstraintsTests.cs(253,17): warning CS0219: The variable 'hasOverlap' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6643027Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDisplayNameAttributeTests.cs(23,57): warning CS9113: Parameter 'value' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6648089Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDataSourceEnumerableTest.cs(6,51): warning CS9113: Parameter 'value' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6654669Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(254,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6662707Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AsyncDataSourceExampleTests.cs(59,71): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6669596Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(269,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6674896Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(285,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6683684Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AsyncDataSourceExampleTests.cs(7,67): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6689158Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\Issue2993\ImplicitConversionTests.cs(27,35): warning CS8600: Converting null literal or possible null value to non-nullable type. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6694660Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\Issue2887\ReproTest.cs(16,54): warning CS9113: Parameter 'serviceProvider' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6701436Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2955\InheritedDataSourceTests.cs(68,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6710815Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1570\Tests.cs(21,23): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6749924Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(14,25): warning CS0414: The field 'HookExceptionHandlingTests._afterAssemblyExecuted' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6758638Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(124,25): warning CS0414: The field 'MultipleAfterClassHooksTests._testsExecuted' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6767297Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(17,24): warning CS0414: The field 'HookCleanupOnFailureTests._afterAssemblyCount' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6775482Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(16,24): warning CS0414: The field 'HookCleanupOnFailureTests._beforeAssemblyCount' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6784708Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\DynamicTests\Runtime.cs(13,17): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6792112Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\CallEventReceiverTests.cs(34,28): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6800193Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\VerifyFixTest.cs(11,27): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6809407Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\TestMixedGenericParameters.cs(8,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6817953Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SmartInferenceTests.cs(27,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6828220Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SmartInferenceTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6835807Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleTupleTest.cs(11,56): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6846179Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleStaticTest.cs(9,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6945507Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleHookTest.cs(23,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6953909Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleHookTest.cs(28,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6962404Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleGenericTests.cs(56,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6970693Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleGenericTests.cs(23,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6978636Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleGenericTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6987296Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AllDataSourcesCombinedTests.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.6995404Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AllDataSourcesCombinedTestsVerification.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7004408Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ArgumentsWithClassDataSourceTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7012655Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleTest.cs(8,71): warning TUnit0301: Tuple parameter 'data2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7021278Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleTest.cs(16,64): warning TUnit0301: Tuple parameter 'data' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7029397Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(32,67): warning TUnit0301: Tuple parameter 'value1' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7038107Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(22,65): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7046655Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(12,73): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7054920Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(32,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7064947Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(43,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7118319Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(54,82): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7127443Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(64,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7134954Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(121,45): warning TUnit0046: Return a `Func` rather than a ``. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7143299Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(74,83): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7152380Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(84,88): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7161956Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MultipleClassDataGeneratorsTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7171807Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MultipleDataSourcesTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7179773Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MinimalDiscoveryTest.cs(8,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7242306Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MethodDataSourceWithArgumentsTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7250454Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookGeneratorTest.cs(9,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7258603Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookGeneratorTest.cs(15,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7266194Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(13,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7273521Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7281568Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7288872Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(43,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7296459Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(54,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7304986Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(63,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7312899Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(110,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7321046Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(123,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7329439Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(79,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7338010Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(9,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7346256Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(70,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7354973Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(41,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7364629Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(20,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7372820Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(49,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7381508Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(52,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7389303Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(57,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7505263Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(61,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7512263Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7517714Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTestExample.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7523502Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7529069Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7535387Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMethodTests.cs(11,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7541838Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7547129Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(22,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7555077Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(36,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7561588Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(47,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7569479Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericInstanceMethodDataSourceTests.cs(15,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7576589Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericInstanceMethodDataSourceTests.cs(59,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7583636Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericInstanceMethodDataSourceTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7591243Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericInheritsTestVerification.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7598423Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(171,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7606721Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(140,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7616063Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(155,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7622805Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(124,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7628188Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7633499Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7640689Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(82,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7653320Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(92,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7715072Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(101,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7720919Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(110,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7725858Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\FailFastTest.cs(10,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7730958Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDataSourceWithMethodDataSourceTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7743132Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDataSourceDrivenTestsSharedKeyed2.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7748164Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDataSourceDrivenTestsSharedKeyed3.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7753349Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\CallEventReceiverTests.cs(25,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7758423Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(219,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7763228Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(249,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7768097Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(264,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7772854Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(279,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7777664Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(234,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7782911Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(377,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7787835Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(388,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7792798Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(400,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7798344Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(412,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7803263Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(423,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7808567Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(435,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7821095Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(446,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7835669Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(316,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7906145Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(327,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7911418Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(338,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7916787Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(349,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7921739Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(197,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7926565Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(52,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7931313Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(69,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7936742Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(106,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7941946Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(171,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7946854Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(178,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7952182Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(113,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7957427Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(200,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7962319Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(102,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7967067Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(20,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7972285Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(31,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7977280Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(322,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7982270Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(346,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7987183Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(358,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.7994271Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(223,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.8098504Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(256,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.8104543Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(127,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.8109108Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(59,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.8127633Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(101,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.8132864Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\Issue2504CollectionExpressionTest.cs(62,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.8141031Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(153,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.8145918Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(163,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.8153375Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(80,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.8158591Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(90,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.8163434Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\3185\BugRepro3185.cs(88,19): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.8167482Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2798\Tests.cs(16,36): warning TUnit0046: Return a `Func` rather than a ``. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.8172243Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2867\DisposalNotCalledTests.cs(267,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.8177892Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2757\Tests.cs(20,41): warning TUnit0046: Return a `Func` rather than a ``. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.8205902Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2136\Tests.cs(14,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.8216680Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs(46,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:21.8221796Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs(77,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:22.8377211Z TUnit.Assertions.SourceGenerator.Tests -> D:\a\TUnit\TUnit\TUnit.Assertions.SourceGenerator.Tests\bin\Release\net9.0\TUnit.Assertions.SourceGenerator.Tests.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:22.9888794Z TUnit.TestProject -> D:\a\TUnit\TUnit\TUnit.TestProject\bin\Release\net8.0\TUnit.TestProject.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:25.7500384Z TUnit.PublicAPI -> D:\a\TUnit\TUnit\TUnit.PublicAPI\bin\Release\net472\TUnit.PublicAPI.exe -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:26.9033002Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\TestCountVerificationTests.cs(6,45): warning CS9113: Parameter 'value' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:26.9345723Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\PropertyInitializationTests.cs(108,91): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:26.9514932Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\PropertyInitializationTests.cs(98,82): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:26.9632023Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AbstractBaseClassPropertyInjectionTests.cs(20,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:26.9646540Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(39,86): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:26.9704858Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(56,97): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:26.9839602Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AsyncDataSourceExampleTests.cs(59,71): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:26.9853316Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AsyncDataSourceExampleTests.cs(7,67): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:26.9864518Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NotInParallelExecutionTests.cs(28,25): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:26.9874034Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NotInParallelExecutionTests.cs(53,30): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:26.9910694Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(130,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:26.9923355Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(100,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:26.9941911Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(61,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:26.9955977Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(34,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:26.9965996Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MixedDataSourceBugTest.cs(5,41): warning CS9113: Parameter 'classValue' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.0094672Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests2.cs(33,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.0215312Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\DynamicallyRegisteredTests.cs(58,19): warning CS0618: 'TestContext.ReregisterTestWithArguments(object?[]?, Dictionary?)' is obsolete: 'This method is non-functional after the removal of ITestFinder. It will be removed in a future version.' [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.0385930Z WebApp -> D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.AspNet.FSharp\WebApp\bin\Release\net9.0\WebApp.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.0578488Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ComprehensiveCountTest.cs(8,44): warning CS9113: Parameter 'classValue' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.0822926Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDisplayNameAttributeTests.cs(23,57): warning CS9113: Parameter 'value' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.1027575Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDataSourceEnumerableTest.cs(6,51): warning CS9113: Parameter 'value' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.1192654Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\CombinedParallelConstraintsTests.cs(253,17): warning CS0219: The variable 'hasOverlap' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.1735334Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(254,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.1836808Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(269,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.2123631Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(285,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.2178955Z ExampleNamespace.TestProject -> D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.Aspire.Starter\ExampleNamespace.TestProject\bin\Release\net9.0\ExampleNamespace.TestProject.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.2203898Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\Issue2887\ReproTest.cs(16,54): warning CS9113: Parameter 'serviceProvider' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.2320625Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\Issue2993\ImplicitConversionTests.cs(27,35): warning CS8600: Converting null literal or possible null value to non-nullable type. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.2584965Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2955\InheritedDataSourceTests.cs(68,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.2742196Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2075\Tests.cs(53,45): warning CS9113: Parameter 'factory' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.2964305Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1570\Tests.cs(21,23): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.3008836Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(17,24): warning CS0414: The field 'HookCleanupOnFailureTests._afterAssemblyCount' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.3192779Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(14,25): warning CS0414: The field 'HookExceptionHandlingTests._afterAssemblyExecuted' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.3470228Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(124,25): warning CS0414: The field 'MultipleAfterClassHooksTests._testsExecuted' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.3741238Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(16,24): warning CS0414: The field 'HookCleanupOnFailureTests._beforeAssemblyCount' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.3873931Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\DynamicTests\Runtime.cs(13,17): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.4346010Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\CallEventReceiverTests.cs(34,28): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.4921614Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\VerifyFixTest.cs(11,27): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.5593278Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\TestMixedGenericParameters.cs(8,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.6168608Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SmartInferenceTests.cs(27,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.6323102Z TestProject -> D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.FSharp\bin\Release\net8.0\TestProject.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.6661845Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SmartInferenceTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.7004728Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleTupleTest.cs(11,56): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.7407012Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleStaticTest.cs(9,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.7537617Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleHookTest.cs(23,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.7782289Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleHookTest.cs(28,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.8278505Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleGenericTests.cs(56,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.8426218Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleGenericTests.cs(23,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.8505873Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleGenericTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.8617677Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AllDataSourcesCombinedTests.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.8743654Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AllDataSourcesCombinedTestsVerification.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.8848408Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ArgumentsWithClassDataSourceTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.8978515Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleTest.cs(16,64): warning TUnit0301: Tuple parameter 'data' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.9050068Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleTest.cs(8,71): warning TUnit0301: Tuple parameter 'data2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:27.9237140Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(12,73): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.0081766Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(22,65): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.0733537Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(32,67): warning TUnit0301: Tuple parameter 'value1' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.1451151Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(32,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.2288006Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(43,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.3159480Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(54,82): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.3569818Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(64,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.3623928Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(121,45): warning TUnit0046: Return a `Func` rather than a ``. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.3638886Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(74,83): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.3657131Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(84,88): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.3671029Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MultipleClassDataGeneratorsTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.3681058Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MultipleDataSourcesTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.3690853Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MinimalDiscoveryTest.cs(8,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.3703176Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MethodDataSourceWithArgumentsTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.3712055Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookGeneratorTest.cs(9,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.3720203Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookGeneratorTest.cs(15,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.3728328Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(13,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.3736645Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.3745432Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.3753919Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(43,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.3761883Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(54,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.3770723Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(63,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.3778651Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(110,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.3787276Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(79,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.3797192Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(123,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.3804216Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(9,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.3813233Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(70,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.3822287Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(20,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.3831474Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(41,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.3844469Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(49,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.4059230Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(52,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.4292892Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(61,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.4670859Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(57,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.5107813Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.5545132Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTestExample.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.5656581Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.5687555Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.5899829Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.6191670Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(22,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.6209697Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericInstanceMethodDataSourceTests.cs(59,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.6570577Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMethodTests.cs(11,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.7558007Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(36,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.7991508Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(47,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.8575367Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericInstanceMethodDataSourceTests.cs(15,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.8859350Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericInstanceMethodDataSourceTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.9188451Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericInheritsTestVerification.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.9386535Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(171,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:28.9778020Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(155,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:29.0109030Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(140,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:29.0561708Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(124,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:29.1029133Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:29.1553518Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:29.1931380Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(82,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:29.2047369Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(92,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:29.2227189Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(101,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:29.2394463Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(110,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:29.3284475Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\FailFastTest.cs(10,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:29.3994586Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDataSourceWithMethodDataSourceTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:29.4394157Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDataSourceDrivenTestsSharedKeyed3.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:29.4715816Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDataSourceDrivenTestsSharedKeyed2.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:29.5377850Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(219,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:29.5760843Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(234,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:29.6158005Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(249,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:29.6496986Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(264,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:29.6624714Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(279,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:29.7098012Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\CallEventReceiverTests.cs(25,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:29.7649893Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(377,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:29.8062221Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(388,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:29.8452137Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(400,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:29.8886589Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(412,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:29.9163379Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(423,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:29.9595238Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(435,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:29.9730424Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(316,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.0190381Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(327,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.0564884Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(446,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.0941131Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(338,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.1087432Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(349,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.1309315Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(52,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.1529668Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(197,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.1700457Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(69,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.2040472Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(171,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.2133216Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(178,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.2370233Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(200,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.2475211Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(102,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.2713624Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(113,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.2882951Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(106,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.3053102Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(20,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.3387073Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(31,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.3464883Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(223,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.3883914Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(322,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.4286983Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(346,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.4860054Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(256,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.4929941Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(127,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.4963121Z TUnit.Assertions.FSharp -> D:\a\TUnit\TUnit\TUnit.Assertions.FSharp\bin\Release\net9.0\TUnit.Assertions.FSharp.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.5245660Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(358,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.5267765Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(59,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.5288584Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(101,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.5312945Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\Issue2504CollectionExpressionTest.cs(62,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.5335814Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(153,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.5357118Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(163,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.5370373Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(80,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.5431608Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(90,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.5464916Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs(46,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.5482081Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs(77,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.5605551Z TUnit.Assertions.FSharp -> D:\a\TUnit\TUnit\TUnit.Assertions.FSharp\bin\Release\netstandard2.0\TUnit.Assertions.FSharp.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.5630794Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2798\Tests.cs(16,36): warning TUnit0046: Return a `Func` rather than a ``. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.5641787Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2757\Tests.cs(20,41): warning TUnit0046: Return a `Func` rather than a ``. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.5661575Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2867\DisposalNotCalledTests.cs(267,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.5672232Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\3185\BugRepro3185.cs(88,19): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.5682502Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2136\Tests.cs(14,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:30.6978086Z TUnit.TestProject -> D:\a\TUnit\TUnit\TUnit.TestProject\bin\Release\net9.0\TUnit.TestProject.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:31.0701553Z TUnit.Assertions.FSharp -> D:\a\TUnit\TUnit\TUnit.Assertions.FSharp\bin\Release\net8.0\TUnit.Assertions.FSharp.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:33.0052530Z TestProject -> D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.AspNet.FSharp\TestProject\bin\Release\net9.0\TestProject.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:33.1734513Z TUnit.Analyzers.Tests -> D:\a\TUnit\TUnit\TUnit.Analyzers.Tests\bin\Release\net472\TUnit.Analyzers.Tests.exe -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:34.5830877Z TUnit.Assertions.Analyzers.Tests -> D:\a\TUnit\TUnit\TUnit.Assertions.Analyzers.Tests\bin\Release\net8.0\TUnit.Assertions.Analyzers.Tests.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:38.8316494Z TUnit.Analyzers.Tests -> D:\a\TUnit\TUnit\TUnit.Analyzers.Tests\bin\Release\net8.0\TUnit.Analyzers.Tests.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:38.8535118Z TUnit.Assertions.Analyzers.Tests -> D:\a\TUnit\TUnit\TUnit.Assertions.Analyzers.Tests\bin\Release\net472\TUnit.Assertions.Analyzers.Tests.exe -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:39.2567354Z TUnit.TestProject.VB.NET -> D:\a\TUnit\TUnit\TUnit.TestProject.VB.NET\bin\Release\net472\TUnit.TestProject.VB.NET.exe -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:39.4214997Z TUnit.TestProject.FSharp -> D:\a\TUnit\TUnit\TUnit.TestProject.FSharp\bin\Release\net8.0\TUnit.TestProject.FSharp.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:39.4536581Z TUnit.TestProject.FSharp -> D:\a\TUnit\TUnit\TUnit.TestProject.FSharp\bin\Release\net9.0\TUnit.TestProject.FSharp.dll -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2100397Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AbstractBaseClassPropertyInjectionTests.cs(20,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2108835Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(39,86): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2120166Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(56,97): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2132040Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\TestCountVerificationTests.cs(6,45): warning CS9113: Parameter 'value' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2139884Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\PropertyInitializationTests.cs(108,91): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2160064Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\PropertyInitializationTests.cs(98,82): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2185277Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NotInParallelExecutionTests.cs(28,25): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2193256Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NotInParallelExecutionTests.cs(53,30): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2215897Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(130,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2231335Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(100,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2244147Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(61,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2255029Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(34,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2267499Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests2.cs(33,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2274382Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MixedDataSourceBugTest.cs(5,41): warning CS9113: Parameter 'classValue' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2280911Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\DynamicallyRegisteredTests.cs(58,19): warning CS0618: 'TestContext.ReregisterTestWithArguments(object?[]?, Dictionary?)' is obsolete: 'This method is non-functional after the removal of ITestFinder. It will be removed in a future version.' [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2287036Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ComprehensiveCountTest.cs(8,44): warning CS9113: Parameter 'classValue' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2290852Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDisplayNameAttributeTests.cs(23,57): warning CS9113: Parameter 'value' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2294426Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDataSourceEnumerableTest.cs(6,51): warning CS9113: Parameter 'value' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2298942Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\CombinedParallelConstraintsTests.cs(253,17): warning CS0219: The variable 'hasOverlap' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2306309Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AsyncDataSourceExampleTests.cs(59,71): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2313476Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AsyncDataSourceExampleTests.cs(7,67): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2319182Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(254,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2324174Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(269,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2327856Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(285,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2332162Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\Issue2993\ImplicitConversionTests.cs(27,35): warning CS8600: Converting null literal or possible null value to non-nullable type. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2336504Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\Issue2887\ReproTest.cs(16,54): warning CS9113: Parameter 'serviceProvider' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2340203Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2955\InheritedDataSourceTests.cs(68,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2344709Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(52,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2348336Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(69,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2350756Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(86,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2353992Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1570\Tests.cs(21,23): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2356503Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(112,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2358496Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(138,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2360675Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(171,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2363142Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(204,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2365129Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(244,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2367091Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(293,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2369056Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(53,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2371017Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(71,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2372976Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(89,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2385703Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(112,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2387588Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(135,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2389422Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(163,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2391216Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(191,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2392980Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(224,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2394737Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(266,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2397263Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(17,24): warning CS0414: The field 'HookCleanupOnFailureTests._afterAssemblyCount' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2399886Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(16,24): warning CS0414: The field 'HookCleanupOnFailureTests._beforeAssemblyCount' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2402918Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(124,25): warning CS0414: The field 'MultipleAfterClassHooksTests._testsExecuted' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2405908Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(14,25): warning CS0414: The field 'HookExceptionHandlingTests._afterAssemblyExecuted' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2408273Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\CallEventReceiverTests.cs(34,28): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2410501Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\DynamicTests\Runtime.cs(13,17): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2413068Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\VerifyFixTest.cs(11,27): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2415720Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\TestMixedGenericParameters.cs(8,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2418596Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SmartInferenceTests.cs(27,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2422256Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SmartInferenceTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2424946Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleTupleTest.cs(11,56): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2427205Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleStaticTest.cs(9,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2429518Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleHookTest.cs(23,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2432091Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleHookTest.cs(28,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2435213Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleGenericTests.cs(56,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2438029Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleGenericTests.cs(23,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2441294Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleGenericTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2443545Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\RunOnSkipTests.cs(38,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2445561Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\RunOnSkipTests.cs(52,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2447995Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleTest.cs(16,64): warning TUnit0301: Tuple parameter 'data' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2450578Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleTest.cs(8,71): warning TUnit0301: Tuple parameter 'data2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2453235Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(22,65): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2455961Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(43,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2458660Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(54,82): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2461767Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(74,83): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2464665Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(84,88): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2467404Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(64,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2469551Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(121,45): warning TUnit0046: Return a `Func` rather than a ``. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2472017Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(32,67): warning TUnit0301: Tuple parameter 'value1' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2474848Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(32,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2477545Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(12,73): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2480597Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MultipleDataSourcesTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2483237Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MultipleClassDataGeneratorsTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2485518Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MinimalDiscoveryTest.cs(8,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2487941Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MethodDataSourceWithArgumentsTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2490440Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookGeneratorTest.cs(9,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2492837Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookGeneratorTest.cs(15,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2495263Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(13,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2498431Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2501432Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2503928Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(43,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2506334Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(54,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2508890Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(63,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2511279Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(110,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2513675Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(123,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2516245Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(79,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2518873Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(9,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2522088Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(20,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2524728Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(52,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2527331Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(61,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2530005Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(70,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2532857Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(41,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2535597Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(49,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2538302Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(57,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2541428Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTestExample.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2544160Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2546819Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMethodTests.cs(11,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2549465Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2552093Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2554727Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(22,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2557352Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(36,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2559984Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(47,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2563186Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericInstanceMethodDataSourceTests.cs(59,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2566138Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericInstanceMethodDataSourceTests.cs(15,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2568969Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericInheritsTestVerification.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2571775Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericInstanceMethodDataSourceTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2574699Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(171,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2577470Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(155,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2580835Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(140,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2583619Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(124,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2586410Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2589799Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2592610Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(82,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2595367Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(92,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2599276Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(101,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2602197Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(110,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2604507Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\FailFastTest.cs(10,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2606916Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDataSourceWithMethodDataSourceTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2609656Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDataSourceDrivenTestsSharedKeyed3.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2612231Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDataSourceDrivenTestsSharedKeyed2.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2614724Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\CallEventReceiverTests.cs(25,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2617219Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(219,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2620161Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(234,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2622715Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(249,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2625244Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(264,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2627752Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(279,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2630291Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(377,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2632980Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(388,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2635555Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(400,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2638102Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(412,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2642006Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(423,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2644606Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(435,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2647147Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(446,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2649695Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(316,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2652211Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(327,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2654737Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(338,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2657268Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(349,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2660181Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ArgumentsWithClassDataSourceTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2662940Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AllDataSourcesCombinedTestsVerification.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2665653Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AllDataSourcesCombinedTests.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2668201Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(197,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2670751Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(52,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2673403Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(69,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2675922Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(106,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2678429Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(200,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2681366Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(178,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2683871Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(171,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2686356Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(113,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2688868Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(102,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2691376Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(31,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2693876Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(20,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2696580Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(346,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2699500Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(358,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2702162Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(322,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2704731Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(256,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2707447Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(223,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2710001Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(127,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2712551Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(59,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2715093Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(101,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2717660Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\Issue2504CollectionExpressionTest.cs(62,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2720744Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(153,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2723348Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(163,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2725919Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(80,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2728419Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(90,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2731069Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs(46,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2733598Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs(77,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2735838Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\3185\BugRepro3185.cs(88,19): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2738849Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2867\DisposalNotCalledTests.cs(267,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2740938Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2798\Tests.cs(16,36): warning TUnit0046: Return a `Func` rather than a ``. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2742690Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2757\Tests.cs(20,41): warning TUnit0046: Return a `Func` rather than a ``. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.2745020Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2136\Tests.cs(14,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:49.6053795Z TUnit.TestProject -> D:\a\TUnit\TUnit\TUnit.TestProject\bin\Release\net472\TUnit.TestProject.exe -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.1946585Z TUnit.TestProject.FSharp -> D:\a\TUnit\TUnit\TUnit.TestProject.FSharp\bin\Release\net472\TUnit.TestProject.FSharp.exe -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2081738Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2090817Z Build succeeded. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2092270Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2097037Z C:\Users\runneradmin\.nuget\packages\system.text.encodings.web\9.0.0\buildTransitive\netcoreapp2.0\System.Text.Encodings.Web.targets(4,5): warning : System.Text.Encodings.Web 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2120167Z C:\Users\runneradmin\.nuget\packages\system.io.pipelines\9.0.0\buildTransitive\netcoreapp2.0\System.IO.Pipelines.targets(4,5): warning : System.IO.Pipelines 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2151070Z C:\Users\runneradmin\.nuget\packages\microsoft.bcl.asyncinterfaces\9.0.0\buildTransitive\netcoreapp2.0\Microsoft.Bcl.AsyncInterfaces.targets(4,5): warning : Microsoft.Bcl.AsyncInterfaces 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2175171Z C:\Users\runneradmin\.nuget\packages\system.text.json\9.0.0\buildTransitive\netcoreapp2.0\System.Text.Json.targets(4,5): warning : System.Text.Json 9.0.0 doesn't support net6.0 and has not been tested with it. Consider upgrading your TargetFramework to net8.0 or later. You may also set true in the project file to ignore this warning and attempt to run in this unsupported configuration at your own risk. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2193332Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Analyzers\AnalyzerReleases.Shipped.md(5,1): warning RS2007: Analyzer release file 'AnalyzerReleases.Shipped.md' has a missing or invalid release header '#### Assertion Usage Rules' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [D:\a\TUnit\TUnit\TUnit.Assertions.Analyzers\TUnit.Assertions.Analyzers.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2203214Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.SourceGenerator\Generators\AssertionMethodGenerator.cs(113,21): warning CS8604: Possible null reference argument for parameter 'MethodName' in 'CreateAssertionAttributeData.CreateAssertionAttributeData(INamedTypeSymbol TargetType, INamedTypeSymbol ContainingType, string MethodName, string? CustomName, bool NegateLogic, bool RequiresGenericTypeParameter, bool TreatAsInstance)'. [D:\a\TUnit\TUnit\TUnit.Assertions.SourceGenerator\TUnit.Assertions.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2213319Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.SourceGenerator\Generators\AssertionMethodGenerator.cs(220,21): warning CS8604: Possible null reference argument for parameter 'MethodName' in 'CreateAssertionAttributeData.CreateAssertionAttributeData(INamedTypeSymbol TargetType, INamedTypeSymbol ContainingType, string MethodName, string? CustomName, bool NegateLogic, bool RequiresGenericTypeParameter, bool TreatAsInstance)'. [D:\a\TUnit\TUnit\TUnit.Assertions.SourceGenerator\TUnit.Assertions.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2227361Z ##[warning]D:\a\TUnit\TUnit\TUnit.Analyzers\AnalyzerReleases.Shipped.md(5,1): warning RS2007: Analyzer release file 'AnalyzerReleases.Shipped.md' has a missing or invalid release header '#### Test Method and Structure Rules' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [D:\a\TUnit\TUnit\TUnit.Analyzers\TUnit.Analyzers.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2298102Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\AotMethodInvocationGenerator.cs(168,52): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2303705Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\CodeGenerators\Helpers\TupleArgumentHelper.cs(72,37): warning CS8600: Converting null literal or possible null value to non-nullable type. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2308559Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(688,54): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2313889Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2207,20): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2319847Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2215,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2325919Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2235,24): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2332589Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2244,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2338189Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject.Library\Bugs\1889\BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2343648Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject.Library\Bugs\1889\BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2349008Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject.Library\Bugs\1889\BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2354287Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject.Library\Bugs\1889\BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2360048Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(688,54): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn44\TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2365862Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2207,20): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn44\TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2372119Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2215,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn44\TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2378098Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2235,24): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn44\TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2384243Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2244,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn44\TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2389751Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\CodeGenerators\Helpers\TupleArgumentHelper.cs(72,37): warning CS8600: Converting null literal or possible null value to non-nullable type. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn44\TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2395384Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\AotMethodInvocationGenerator.cs(168,52): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn44\TUnit.Core.SourceGenerator.Roslyn44.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2402174Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject.Library\Bugs\1889\BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2407031Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject.Library\Bugs\1889\BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2411882Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\CodeGenerators\Helpers\TupleArgumentHelper.cs(72,37): warning CS8600: Converting null literal or possible null value to non-nullable type. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn47\TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2417495Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\AotMethodInvocationGenerator.cs(168,52): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn47\TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2423637Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(688,54): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn47\TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2429880Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2207,20): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn47\TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2435762Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2215,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn47\TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2441846Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2235,24): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn47\TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2448047Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2244,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn47\TUnit.Core.SourceGenerator.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2453352Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject.Library\Bugs\1889\BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2458173Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject.Library\Bugs\1889\BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=net6.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2463343Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject.Library\Bugs\1889\BaseTests.cs(12,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2468162Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject.Library\Bugs\1889\BaseTests.cs(19,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject.Library\TUnit.TestProject.Library.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2474395Z ##[warning]D:\a\TUnit\TUnit\TUnit.Analyzers\MultipleConstructorsAnalyzer.cs(13,15): warning RS2008: Enable analyzer release tracking for the analyzer project containing rule 'TUnit0052' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [D:\a\TUnit\TUnit\TUnit.Analyzers.Roslyn47\TUnit.Analyzers.Roslyn47.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2481238Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AbstractTests.cs(29,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2487846Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AbstractTests.cs(47,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2494177Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AfterAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2501238Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2507847Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ArgsAsArrayTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2514535Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ArgumentWithImplicitConverterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2553566Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AssemblyAfterTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2561244Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AssemblyBeforeTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2567780Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AssemblyLoaderTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2574280Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2581506Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TimeoutCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2588023Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AttributeTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2594332Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\BasicTests.cs(15,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2601189Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\BeforeAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2607470Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\BeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2613998Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\Issue2887\Issue2887Tests.cs(17,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2621162Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\2136\Tests2136.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2627551Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\2112\Tests2112.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2634075Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\2085\Tests2085.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2641032Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\2083\Tests2083.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2647329Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1899\Tests1899.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2653796Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassAndMethodArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2660606Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1899\Tests1899.cs(35,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2666831Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassConstructorTest.cs(23,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2673070Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1889\Tests1889.cs(22,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2680208Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassDataSourceDrivenTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2687233Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1821\Tests1821.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2694053Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassDataSourceDrivenTests2.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2701633Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1692\Tests1692.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2708782Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassDataSourceDrivenTestsSharedKeyed.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2716435Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1603\Tests1603.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2723395Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1594\Tests1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2729935Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1594\Hooks1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2736981Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2743784Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1589\Tests1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2750261Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1304\EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2757125Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ConcreteClassTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2764978Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ConstantArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2771758Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\CustomDisplayNameTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2778874Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DataDrivenTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2785607Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1589\Hooks1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2792481Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DataSourceClassCombinedWithDataSourceMethodTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2799670Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1539\Tests1539.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2806136Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DataSourceGeneratorTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2812283Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1538\Tests1538.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2819208Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1432\EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2825157Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Dynamic\Basic.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2831058Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DisableReflectionScannerTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2837779Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1432\ConstantsInInterpolatedStringsTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2844447Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\EnumerableDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2859030Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\EnumerableTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2867020Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1432\ConstantInBaseClassTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2873911Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\GenericMethodTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2884571Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\GlobalStaticAfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2893873Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\GlobalStaticBeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2901523Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\HooksTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2908686Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\HooksTests.cs(18,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2917168Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\InheritedPropertySetterTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2923842Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DataSourceGeneratorTests.cs(28,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2927860Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\MatrixTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2931998Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\MethodDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2936690Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\MethodDataSourceDrivenWithCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2943267Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\MultipleClassDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2949334Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\NameOfArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2954202Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\NullableByteArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2960975Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\NumberArgumentTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2964888Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\PriorityFilteringTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2993673Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\PropertySetterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.2998274Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\RepeatTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3002176Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\StringArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3005901Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\STAThreadTests.cs(16,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3009610Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TestDiscoveryHookTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3013075Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AssemblyNamesWithDashesTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3016913Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AfterAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3024840Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AbstractTests.cs(29,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3029322Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3036387Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ArgsAsArrayTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3042099Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ArgumentWithImplicitConverterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3047314Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AssemblyAfterTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3052221Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AssemblyBeforeTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3058068Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AbstractTests.cs(47,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3064667Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AssemblyLoaderTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3071270Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3079089Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TimeoutCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3085258Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TestDiscoveryHookTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3092153Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\StringArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3098956Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\STAThreadTests.cs(16,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3105485Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\RepeatTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3109491Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\PropertySetterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3113318Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\PriorityFilteringTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3118246Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\NumberArgumentTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3122187Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\NullableByteArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3126068Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\NameOfArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3129867Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\MultipleClassDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3134356Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\MethodDataSourceDrivenWithCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3138896Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\MethodDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3143851Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\MatrixTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3151027Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\InheritedPropertySetterTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3155988Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\HooksTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3160266Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\GlobalStaticBeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3164052Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\HooksTests.cs(18,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3168011Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\GlobalStaticAfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3171749Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\GenericMethodTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3175842Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\EnumerableTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3180016Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\EnumerableDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3183839Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Dynamic\Basic.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3187529Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DataSourceGeneratorTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3191662Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DisableReflectionScannerTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3196414Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DataSourceGeneratorTests.cs(28,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3200389Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DataSourceClassCombinedWithDataSourceMethodTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3204462Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DataDrivenTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3208187Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\CustomDisplayNameTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3211946Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ConstantArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3216239Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3220036Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ConcreteClassTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3223812Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassDataSourceDrivenTestsSharedKeyed.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3228064Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassDataSourceDrivenTests2.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3231975Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassDataSourceDrivenTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3236667Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassAndMethodArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3240520Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassConstructorTest.cs(23,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3244212Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\BeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3247935Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\BeforeAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3251637Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\Issue2887\Issue2887Tests.cs(17,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3255780Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\BasicTests.cs(15,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3259486Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\2136\Tests2136.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3263445Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AttributeTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3267297Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\2112\Tests2112.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3271066Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\2085\Tests2085.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3275326Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\2083\Tests2083.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3279096Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1899\Tests1899.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3282743Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1899\Tests1899.cs(35,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3286389Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1889\Tests1889.cs(22,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3290119Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1821\Tests1821.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3294265Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1692\Tests1692.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3298286Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1603\Tests1603.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3302001Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1594\Tests1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3305917Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1594\Hooks1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3309567Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1589\Tests1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3313401Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1589\Hooks1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3317510Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1539\Tests1539.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3321196Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1538\Tests1538.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3324904Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1432\EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3329452Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1432\ConstantsInInterpolatedStringsTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3333494Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1304\EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3337624Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1432\ConstantInBaseClassTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3340689Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AssemblyNamesWithDashesTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3342922Z ##[warning]D:\a\TUnit\TUnit\TUnit.Templates.Tests\BasicTemplateTests.cs(16,9): warning TUnit0018: Test methods should not assign instance data [D:\a\TUnit\TUnit\TUnit.Templates.Tests\TUnit.Templates.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3344888Z ##[warning]D:\a\TUnit\TUnit\TUnit.Templates.Tests\BasicTemplateTests.cs(23,9): warning TUnit0018: Test methods should not assign instance data [D:\a\TUnit\TUnit\TUnit.Templates.Tests\TUnit.Templates.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3346891Z ##[warning]D:\a\TUnit\TUnit\TUnit.Templates.Tests\AspNetTemplateTests.cs(16,9): warning TUnit0018: Test methods should not assign instance data [D:\a\TUnit\TUnit\TUnit.Templates.Tests\TUnit.Templates.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3350495Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3355936Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(56,91): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3360403Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_BaseStaticClass_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3365002Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3369581Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(56,104): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3374800Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(73,121): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3379514Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(90,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3384115Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_ComplexData_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3388666Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3393549Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(56,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3398344Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_CustomPropertyDataSourceTests_PropertyInjection.g.cs(39,71): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3402950Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_NestedService_PropertyInjection.g.cs(39,89): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3407419Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(39,93): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3412306Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(56,139): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3417118Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(73,162): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3421584Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_BaseTestClass_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3425970Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_CustomService_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3430277Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\PropertyDataSourceInjectionTests.cs(161,111): warning CS8604: Possible null reference argument for parameter 'testInformation' in 'Task<(bool success, object? createdInstance)> DataSourceHelpers.TryCreateWithInitializerAsync(Type type, MethodMetadata testInformation, string testSessionId)'. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3433705Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(14,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3435963Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3438075Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3440617Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\GenericTestGenerationTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3442985Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3445109Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3447192Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\EmptyDataSourceTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3450398Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AbstractTests.cs(29,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3454553Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AfterAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3458286Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3460876Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(17,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3464055Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ArgsAsArrayTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3467092Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(11,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3470353Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AbstractTests.cs(47,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3473101Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(34,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3476793Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TimeoutCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3479381Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(33,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3482587Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3485170Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(49,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3488379Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TestDiscoveryHookTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3490910Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(47,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3494503Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\StringArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3497163Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(72,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3500502Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\STAThreadTests.cs(16,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3503112Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(96,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3506305Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\RepeatTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3508938Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(61,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3514475Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\PropertySetterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3519403Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(113,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3525233Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\PriorityFilteringTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3529776Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(130,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3535142Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\NumberArgumentTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3537724Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(79,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3540954Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\NullableByteArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3543651Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(97,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3546871Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\NameOfArgumentTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3549438Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(147,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3553359Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\MultipleClassDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3556242Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(11,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3559637Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\MethodDataSourceDrivenWithCancellationTokenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3562421Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(17,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3566483Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\MethodDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3570034Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3576232Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\MatrixTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3581642Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3587671Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\InheritedPropertySetterTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3593092Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(40,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3596980Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\HooksTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3599892Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3603093Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\HooksTests.cs(18,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3605725Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(53,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3609037Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\GlobalStaticBeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3613459Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\GlobalStaticAfterEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3617634Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\GenericMethodTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3621725Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\EnumerableTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3626210Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\EnumerableDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3630233Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Dynamic\Basic.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3634478Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DisableReflectionScannerTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3639132Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DataSourceGeneratorTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3643207Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DataSourceGeneratorTests.cs(28,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3647531Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DataSourceClassCombinedWithDataSourceMethodTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3652030Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\DataDrivenTests.cs(20,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3656267Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\CustomDisplayNameTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3660361Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ConstantArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3664537Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassTupleDataSourceDrivenTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3668343Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ConcreteClassTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3676160Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassDataSourceDrivenTestsSharedKeyed.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3683224Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassDataSourceDrivenTests2.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3690589Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassDataSourceDrivenTests.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3697522Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassConstructorTest.cs(23,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3704403Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ClassAndMethodArgumentsTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3711862Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\Issue2887\Issue2887Tests.cs(17,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3718968Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\2136\Tests2136.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3725794Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\2112\Tests2112.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3733135Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\2085\Tests2085.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3740495Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\2083\Tests2083.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3747265Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1899\Tests1899.cs(21,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3752506Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1899\Tests1899.cs(35,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3756566Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1889\Tests1889.cs(22,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3760517Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\BeforeEachTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3764194Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\BeforeAllTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3768242Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\BasicTests.cs(15,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3772425Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AttributeTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3776206Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1821\Tests1821.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3780072Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1692\Tests1692.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3783741Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1603\Tests1603.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3787423Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1594\Tests1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3791606Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1594\Hooks1594.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3795342Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1589\Tests1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3799001Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AssemblyLoaderTests.cs(27,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3802795Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1589\Hooks1589.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3806473Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1539\Tests1539.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3810388Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AssemblyBeforeTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3814606Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AssemblyAfterTests.cs(11,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3818286Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1538\Tests1538.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3822046Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1432\EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3826129Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\ArgumentWithImplicitConverterTests.cs(10,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3830841Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1432\ConstantsInInterpolatedStringsTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3835023Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1432\ConstantInBaseClassTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3839275Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\Bugs\1304\EnumMemberNamesTests.cs(12,30): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3842363Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\AssemblyNamesWithDashesTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests\TUnit.Core.SourceGenerator.Tests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3844877Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(11,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3847270Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(33,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3849843Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(47,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3851971Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(61,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3853950Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(79,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3856007Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(97,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3858054Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(17,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3860071Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(34,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3862075Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(49,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3864128Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(72,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3866129Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(96,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3868399Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(113,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3870867Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(130,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3872950Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(147,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3875106Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(17,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3877261Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(11,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3879535Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3881679Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3883846Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(40,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3885994Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3888377Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(53,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3890801Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(17,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3892844Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(34,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3895249Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(49,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3897258Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(11,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3899235Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(33,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3901464Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(47,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3903665Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(72,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3906070Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(96,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3908536Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(113,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3911351Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(130,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3913412Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\AssertConditions\BecauseTests.cs(147,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3915685Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(61,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3917740Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(79,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3919800Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ThrowInDelegateValueAssertionTests.cs(97,13): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3921927Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(11,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3924091Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(17,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3926245Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3928615Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3931129Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(40,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3933589Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3935929Z ##[warning]D:\a\TUnit\TUnit\TUnit.Assertions.Tests\ParseAssertionTests.cs(53,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3939887Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3944434Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(56,91): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3949257Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_BaseStaticClass_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3953987Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(39,93): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3958493Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(56,139): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3962960Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(73,162): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3967473Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_NestedService_PropertyInjection.g.cs(39,89): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3973126Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_CustomService_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3977715Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_CustomPropertyDataSourceTests_PropertyInjection.g.cs(39,71): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3982347Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3987111Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(56,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3991870Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_BaseTestClass_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.3996412Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_ComplexData_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4001009Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4005675Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(56,104): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4010764Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(73,121): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4015535Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(90,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4019964Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\PropertyDataSourceInjectionTests.cs(161,111): warning CS8604: Possible null reference argument for parameter 'testInformation' in 'Task<(bool success, object? createdInstance)> DataSourceHelpers.TryCreateWithInitializerAsync(Type type, MethodMetadata testInformation, string testSessionId)'. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4022737Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4024867Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4027193Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\EmptyDataSourceTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4038922Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\GenericTestGenerationTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4043576Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(14,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4047667Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4052168Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4061009Z D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.FSharp\TestProject.fsproj : warning NU1504: Duplicate 'PackageReference' items found. Remove the duplicate items or use the Update functionality to ensure a consistent restore behavior. The duplicate 'PackageReference' items are: TUnit.Assertions.FSharp *, TUnit.Assertions.FSharp 0.61.39. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4068398Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_ComplexData_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4077181Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_BaseTestClass_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4086250Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(39,53): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4091621Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_DerivedPropertyInjectionTests_PropertyInjection.g.cs(56,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4096573Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(39,55): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4101182Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(56,104): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4105774Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(73,121): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4111638Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_PropertyDataSourceInjectionTests_PropertyInjection.g.cs(90,56): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4116394Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_CustomPropertyDataSourceTests_PropertyInjection.g.cs(39,71): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4121001Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_CustomService_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4125374Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_NestedService_PropertyInjection.g.cs(39,89): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4130349Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4134950Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_DerivedStaticPropertyTests_PropertyInjection.g.cs(56,91): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4139479Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(39,93): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4144122Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(56,139): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4149689Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_StaticPropertyDataSourceTests_PropertyInjection.g.cs(73,162): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4154583Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_UnitTests_BaseStaticClass_PropertyInjection.g.cs(39,77): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4159262Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\PropertyDataSourceInjectionTests.cs(161,111): warning CS8604: Possible null reference argument for parameter 'testInformation' in 'Task<(bool success, object? createdInstance)> DataSourceHelpers.TryCreateWithInitializerAsync(Type type, MethodMetadata testInformation, string testSessionId)'. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4162024Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(14,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4164152Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(23,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4166642Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(32,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4168929Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4171074Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\DependencyResolutionFailureTests.cs(47,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4173176Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\EmptyDataSourceTests.cs(39,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4213211Z ##[warning]D:\a\TUnit\TUnit\TUnit.UnitTests\GenericTestGenerationTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.UnitTests\TUnit.UnitTests.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4215932Z D:\a\TUnit\TUnit\TUnit.Templates\content\TUnit.AspNet.FSharp\TestProject\TestProject.fsproj : warning NU1504: Duplicate 'PackageReference' items found. Remove the duplicate items or use the Update functionality to ensure a consistent restore behavior. The duplicate 'PackageReference' items are: TUnit.Assertions.FSharp *, TUnit.Assertions.FSharp 0.61.39. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4219536Z ##[warning]D:\a\TUnit\TUnit\TUnit.Analyzers\MultipleConstructorsAnalyzer.cs(13,15): warning RS2008: Enable analyzer release tracking for the analyzer project containing rule 'TUnit0052' (https://github.com/dotnet/roslyn-analyzers/blob/main/src/Microsoft.CodeAnalysis.Analyzers/ReleaseTrackingAnalyzers.Help.md) [D:\a\TUnit\TUnit\TUnit.Analyzers.Roslyn414\TUnit.Analyzers.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4222752Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\CodeGenerators\Helpers\TupleArgumentHelper.cs(72,37): warning CS8600: Converting null literal or possible null value to non-nullable type. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn414\TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4226199Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\AotMethodInvocationGenerator.cs(168,52): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn414\TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4230138Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(688,54): warning CS8604: Possible null reference argument for parameter 'name' in 'ImmutableArray INamespaceOrTypeSymbol.GetMembers(string name)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn414\TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4233566Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2207,20): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn414\TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4237046Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2215,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn414\TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4240466Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2235,24): warning CS8619: Nullability of reference types in value of type '(string? filePath, int lineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn414\TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4243893Z ##[warning]D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator\Generators\TestMetadataGenerator.cs(2244,20): warning CS8619: Nullability of reference types in value of type '(string? attrFilePath, int attrLineNumber)' doesn't match target type '(string filePath, int lineNumber)'. [D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Roslyn414\TUnit.Core.SourceGenerator.Roslyn414.csproj::TargetFramework=netstandard2.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4246462Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AbstractBaseClassPropertyInjectionTests.cs(20,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4249086Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\TestCountVerificationTests.cs(6,45): warning CS9113: Parameter 'value' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4253140Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(39,86): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4258077Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(56,97): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4262526Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\PropertyInitializationTests.cs(108,91): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4266097Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\PropertyInitializationTests.cs(98,82): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4269032Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NotInParallelExecutionTests.cs(28,25): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4270986Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NotInParallelExecutionTests.cs(53,30): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4274158Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(130,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4277456Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(100,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4280855Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests2.cs(33,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4284221Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(61,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4288046Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(34,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4290704Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MixedDataSourceBugTest.cs(5,41): warning CS9113: Parameter 'classValue' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4293791Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\DynamicallyRegisteredTests.cs(58,19): warning CS0618: 'TestContext.ReregisterTestWithArguments(object?[]?, Dictionary?)' is obsolete: 'This method is non-functional after the removal of ITestFinder. It will be removed in a future version.' [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4297041Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ComprehensiveCountTest.cs(8,44): warning CS9113: Parameter 'classValue' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4299137Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\CombinedParallelConstraintsTests.cs(253,17): warning CS0219: The variable 'hasOverlap' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4301135Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDisplayNameAttributeTests.cs(23,57): warning CS9113: Parameter 'value' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4303250Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDataSourceEnumerableTest.cs(6,51): warning CS9113: Parameter 'value' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4305656Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(254,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4308820Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AsyncDataSourceExampleTests.cs(59,71): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4311222Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(269,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4313163Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(285,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4316427Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AsyncDataSourceExampleTests.cs(7,67): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4319100Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\Issue2993\ImplicitConversionTests.cs(27,35): warning CS8600: Converting null literal or possible null value to non-nullable type. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4321304Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\Issue2887\ReproTest.cs(16,54): warning CS9113: Parameter 'serviceProvider' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4323290Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2955\InheritedDataSourceTests.cs(68,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4326609Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1570\Tests.cs(21,23): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4329784Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(14,25): warning CS0414: The field 'HookExceptionHandlingTests._afterAssemblyExecuted' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4332587Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(124,25): warning CS0414: The field 'MultipleAfterClassHooksTests._testsExecuted' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4335200Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(17,24): warning CS0414: The field 'HookCleanupOnFailureTests._afterAssemblyCount' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4337743Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(16,24): warning CS0414: The field 'HookCleanupOnFailureTests._beforeAssemblyCount' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4340050Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\DynamicTests\Runtime.cs(13,17): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4342273Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\CallEventReceiverTests.cs(34,28): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4344831Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\VerifyFixTest.cs(11,27): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4347942Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\TestMixedGenericParameters.cs(8,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4350660Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SmartInferenceTests.cs(27,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4353308Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SmartInferenceTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4356060Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleTupleTest.cs(11,56): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4358314Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleStaticTest.cs(9,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4360601Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleHookTest.cs(23,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4363080Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleHookTest.cs(28,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4366450Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleGenericTests.cs(56,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4369607Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleGenericTests.cs(23,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4372268Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleGenericTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4374831Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AllDataSourcesCombinedTests.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4377414Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AllDataSourcesCombinedTestsVerification.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4379999Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ArgumentsWithClassDataSourceTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4382920Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleTest.cs(8,71): warning TUnit0301: Tuple parameter 'data2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4385797Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleTest.cs(16,64): warning TUnit0301: Tuple parameter 'data' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4388845Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(32,67): warning TUnit0301: Tuple parameter 'value1' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4391907Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(22,65): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4394616Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(12,73): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4397304Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(32,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4400130Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(43,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4402793Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(54,82): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4405459Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(64,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4408251Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(121,45): warning TUnit0046: Return a `Func` rather than a ``. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4410770Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(74,83): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4413486Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(84,88): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4416085Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MultipleClassDataGeneratorsTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4418595Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MultipleDataSourcesTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4420786Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MinimalDiscoveryTest.cs(8,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4423326Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MethodDataSourceWithArgumentsTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4426159Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookGeneratorTest.cs(9,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4428674Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookGeneratorTest.cs(15,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4431359Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(13,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4433742Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4436338Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4438973Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(43,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4441356Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(54,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4443949Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(63,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4446755Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(110,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4449233Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(123,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4451800Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(79,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4454721Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(9,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4457601Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(70,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4460574Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(41,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4463513Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(20,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4467241Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(49,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4470072Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(52,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4472757Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(57,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4475416Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(61,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4478201Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4480887Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTestExample.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4483520Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4486773Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4489417Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMethodTests.cs(11,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4492463Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4495154Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(22,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4498092Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(36,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4501076Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(47,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4503881Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericInstanceMethodDataSourceTests.cs(15,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4507538Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericInstanceMethodDataSourceTests.cs(59,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4510418Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericInstanceMethodDataSourceTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4513201Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericInheritsTestVerification.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4515978Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(171,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4518749Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(140,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4521498Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(155,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4524582Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(124,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4527822Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4530650Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4533695Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(82,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4536831Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(92,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4539863Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(101,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4542728Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(110,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4545402Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\FailFastTest.cs(10,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4547886Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDataSourceWithMethodDataSourceTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4550693Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDataSourceDrivenTestsSharedKeyed2.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4553387Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDataSourceDrivenTestsSharedKeyed3.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4555906Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\CallEventReceiverTests.cs(25,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4558393Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(219,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4561046Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(249,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4563600Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(264,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4566585Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(279,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4569298Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(234,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4571848Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(377,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4574399Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(388,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4576953Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(400,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4579494Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(412,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4582031Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(423,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4585050Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(435,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4587753Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(446,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4590316Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(316,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4593013Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(327,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4595794Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(338,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4598555Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(349,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4601187Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(197,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4603870Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(52,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4607014Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(69,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4609544Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(106,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4612332Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(171,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4614864Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(178,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4617643Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(113,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4620244Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(200,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4623235Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(102,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4626215Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(20,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4628969Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(31,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4631615Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(322,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4634228Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(346,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4637282Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(358,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4639938Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(223,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4642500Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(256,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4645693Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(127,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4648486Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(59,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4651305Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(101,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4653941Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\Issue2504CollectionExpressionTest.cs(62,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4656510Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(153,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4659018Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(163,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4661801Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(80,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4664786Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(90,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4667055Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\3185\BugRepro3185.cs(88,19): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4669169Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2798\Tests.cs(16,36): warning TUnit0046: Return a `Func` rather than a ``. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4671413Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2867\DisposalNotCalledTests.cs(267,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4673444Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2757\Tests.cs(20,41): warning TUnit0046: Return a `Func` rather than a ``. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4675785Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2136\Tests.cs(14,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4678307Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs(46,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4680807Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs(77,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net8.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4682876Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\TestCountVerificationTests.cs(6,45): warning CS9113: Parameter 'value' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4686487Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\PropertyInitializationTests.cs(108,91): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4690034Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\PropertyInitializationTests.cs(98,82): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4692491Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AbstractBaseClassPropertyInjectionTests.cs(20,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4697198Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(39,86): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4702064Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(56,97): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4706701Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AsyncDataSourceExampleTests.cs(59,71): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4710140Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AsyncDataSourceExampleTests.cs(7,67): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4712536Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NotInParallelExecutionTests.cs(28,25): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4714457Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NotInParallelExecutionTests.cs(53,30): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4717291Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(130,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4720530Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(100,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4724074Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(61,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4727398Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(34,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4729883Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MixedDataSourceBugTest.cs(5,41): warning CS9113: Parameter 'classValue' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4732699Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests2.cs(33,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4736384Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\DynamicallyRegisteredTests.cs(58,19): warning CS0618: 'TestContext.ReregisterTestWithArguments(object?[]?, Dictionary?)' is obsolete: 'This method is non-functional after the removal of ITestFinder. It will be removed in a future version.' [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4739020Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ComprehensiveCountTest.cs(8,44): warning CS9113: Parameter 'classValue' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4740894Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDisplayNameAttributeTests.cs(23,57): warning CS9113: Parameter 'value' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4742748Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDataSourceEnumerableTest.cs(6,51): warning CS9113: Parameter 'value' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4745395Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\CombinedParallelConstraintsTests.cs(253,17): warning CS0219: The variable 'hasOverlap' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4747447Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(254,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4749352Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(269,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4751230Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(285,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4753149Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\Issue2887\ReproTest.cs(16,54): warning CS9113: Parameter 'serviceProvider' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4755502Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\Issue2993\ImplicitConversionTests.cs(27,35): warning CS8600: Converting null literal or possible null value to non-nullable type. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4757665Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2955\InheritedDataSourceTests.cs(68,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4759516Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2075\Tests.cs(53,45): warning CS9113: Parameter 'factory' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4762453Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1570\Tests.cs(21,23): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4765859Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(17,24): warning CS0414: The field 'HookCleanupOnFailureTests._afterAssemblyCount' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4768547Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(14,25): warning CS0414: The field 'HookExceptionHandlingTests._afterAssemblyExecuted' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4771301Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(124,25): warning CS0414: The field 'MultipleAfterClassHooksTests._testsExecuted' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4773863Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(16,24): warning CS0414: The field 'HookCleanupOnFailureTests._beforeAssemblyCount' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4776394Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\DynamicTests\Runtime.cs(13,17): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4778798Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\CallEventReceiverTests.cs(34,28): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4781825Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\VerifyFixTest.cs(11,27): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4784621Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\TestMixedGenericParameters.cs(8,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4787314Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SmartInferenceTests.cs(27,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4790159Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SmartInferenceTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4792871Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleTupleTest.cs(11,56): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4795082Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleStaticTest.cs(9,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4797504Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleHookTest.cs(23,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4799887Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleHookTest.cs(28,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4802798Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleGenericTests.cs(56,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4805649Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleGenericTests.cs(23,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4808273Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleGenericTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4810790Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AllDataSourcesCombinedTests.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4813316Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AllDataSourcesCombinedTestsVerification.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4815869Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ArgumentsWithClassDataSourceTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4818437Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleTest.cs(16,64): warning TUnit0301: Tuple parameter 'data' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4821001Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleTest.cs(8,71): warning TUnit0301: Tuple parameter 'data2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4824289Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(12,73): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4827258Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(22,65): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4830156Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(32,67): warning TUnit0301: Tuple parameter 'value1' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4832903Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(32,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4835918Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(43,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4838829Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(54,82): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4842981Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(64,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4845252Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(121,45): warning TUnit0046: Return a `Func` rather than a ``. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4847707Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(74,83): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4850771Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(84,88): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4853400Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MultipleClassDataGeneratorsTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4856107Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MultipleDataSourcesTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4858411Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MinimalDiscoveryTest.cs(8,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4860883Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MethodDataSourceWithArgumentsTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4863915Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookGeneratorTest.cs(9,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4866709Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookGeneratorTest.cs(15,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4869214Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(13,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4871601Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4873971Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4876455Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(43,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4878838Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(54,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4881197Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(63,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4883985Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(110,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4886857Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(79,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4889354Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(123,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4891924Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(9,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4894594Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(70,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4897250Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(20,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4900053Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(41,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4903441Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(49,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4906237Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(52,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4909008Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(61,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4911658Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(57,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4914292Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4917194Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTestExample.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4919823Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4923117Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4925875Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4928501Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(22,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4931279Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericInstanceMethodDataSourceTests.cs(59,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4934128Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMethodTests.cs(11,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4936785Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(36,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4939879Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(47,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4944467Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericInstanceMethodDataSourceTests.cs(15,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4949076Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericInstanceMethodDataSourceTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4952175Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericInheritsTestVerification.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4955070Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(171,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4957865Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(155,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4960809Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(140,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4963655Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(124,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4966637Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4969414Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4972324Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(82,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4975096Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(92,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4977829Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(101,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4980817Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(110,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4983300Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\FailFastTest.cs(10,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4985709Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDataSourceWithMethodDataSourceTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4988944Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDataSourceDrivenTestsSharedKeyed3.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4991570Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDataSourceDrivenTestsSharedKeyed2.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4994121Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(219,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4996653Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(234,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.4999241Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(249,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5002229Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(264,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5004964Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(279,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5007850Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\CallEventReceiverTests.cs(25,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5010354Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(377,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5013034Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(388,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5015927Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(400,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5018481Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(412,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5021166Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(423,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5024093Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(435,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5026932Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(316,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5029585Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(327,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5032171Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(446,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5034709Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(338,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5037707Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(349,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5040601Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(52,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5043473Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(197,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5082049Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(69,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5085118Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(171,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5087977Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(178,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5090869Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(200,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5093432Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(102,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5096152Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(113,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5099037Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(106,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5103018Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(20,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5105777Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(31,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5110005Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(223,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5114382Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(322,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5117558Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(346,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5121644Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(256,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5124841Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(127,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5127458Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(358,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5130112Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(59,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5132725Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(101,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5135318Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\Issue2504CollectionExpressionTest.cs(62,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5137848Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(153,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5140597Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(163,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5143200Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(80,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5145712Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(90,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5148615Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs(46,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5151180Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs(77,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5153221Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2798\Tests.cs(16,36): warning TUnit0046: Return a `Func` rather than a ``. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5155114Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2757\Tests.cs(20,41): warning TUnit0046: Return a `Func` rather than a ``. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5157338Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2867\DisposalNotCalledTests.cs(267,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5160132Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\3185\BugRepro3185.cs(88,19): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5162991Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2136\Tests.cs(14,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net9.0] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5165246Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AbstractBaseClassPropertyInjectionTests.cs(20,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5169272Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(39,86): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5173901Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SourceGeneratedViewer\TUnit.Core.SourceGenerator\TUnit.Core.SourceGenerator.Generators.PropertyInjectionSourceGenerator\TUnit_TestProject_PropertyInitializationTests_PropertyInjection.g.cs(56,97): warning CS8669: The annotation for nullable reference types should only be used in code within a '#nullable' annotations context. Auto-generated code requires an explicit '#nullable' directive in source. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5177079Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\TestCountVerificationTests.cs(6,45): warning CS9113: Parameter 'value' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5180433Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\PropertyInitializationTests.cs(108,91): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5184380Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\PropertyInitializationTests.cs(98,82): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5187402Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NotInParallelExecutionTests.cs(28,25): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5189637Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NotInParallelExecutionTests.cs(53,30): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5193016Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(130,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5196289Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(100,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5199542Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(61,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5203047Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests3.cs(34,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5206318Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedClassDataSourceDrivenTests2.cs(33,36): warning CS8618: Non-nullable property 'InnerClass' must contain a non-null value when exiting constructor. Consider adding the 'required' modifier or declaring the property as nullable. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5208895Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MixedDataSourceBugTest.cs(5,41): warning CS9113: Parameter 'classValue' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5211909Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\DynamicallyRegisteredTests.cs(58,19): warning CS0618: 'TestContext.ReregisterTestWithArguments(object?[]?, Dictionary?)' is obsolete: 'This method is non-functional after the removal of ITestFinder. It will be removed in a future version.' [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5214266Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ComprehensiveCountTest.cs(8,44): warning CS9113: Parameter 'classValue' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5216115Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDisplayNameAttributeTests.cs(23,57): warning CS9113: Parameter 'value' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5218106Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDataSourceEnumerableTest.cs(6,51): warning CS9113: Parameter 'value' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5220210Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\CombinedParallelConstraintsTests.cs(253,17): warning CS0219: The variable 'hasOverlap' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5223581Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AsyncDataSourceExampleTests.cs(59,71): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5227175Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AsyncDataSourceExampleTests.cs(7,67): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5230007Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(254,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5232086Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(269,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5233992Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(285,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5236349Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\Issue2993\ImplicitConversionTests.cs(27,35): warning CS8600: Converting null literal or possible null value to non-nullable type. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5238464Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\Issue2887\ReproTest.cs(16,54): warning CS9113: Parameter 'serviceProvider' is unread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5240616Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2955\InheritedDataSourceTests.cs(68,27): warning CS8602: Dereference of a possibly null reference. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5242781Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(52,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5244552Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(69,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5246281Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(86,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5249692Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1570\Tests.cs(21,23): warning CS1998: This async method lacks 'await' operators and will run synchronously. Consider using the 'await' operator to await non-blocking API calls, or 'await Task.Run(...)' to do CPU-bound work on a background thread. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5252149Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(112,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5254186Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(138,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5255961Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(171,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5258011Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(204,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5260513Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(244,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5262286Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\SyncHookTests.cs(293,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5264049Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(53,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5265800Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(71,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5267530Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(89,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5269264Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(112,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5271145Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(135,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5272881Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(163,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5274614Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(191,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5276384Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(224,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5278107Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\1914\AsyncHookTests.cs(266,9): warning CS0162: Unreachable code detected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5280877Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(17,24): warning CS0414: The field 'HookCleanupOnFailureTests._afterAssemblyCount' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5284258Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(16,24): warning CS0414: The field 'HookCleanupOnFailureTests._beforeAssemblyCount' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5287028Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(124,25): warning CS0414: The field 'MultipleAfterClassHooksTests._testsExecuted' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5289665Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(14,25): warning CS0414: The field 'HookExceptionHandlingTests._afterAssemblyExecuted' is assigned but its value is never used [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5292155Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\CallEventReceiverTests.cs(34,28): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5294370Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\DynamicTests\Runtime.cs(13,17): warning TUnit0014: Public method missing [Test] attribute - add attribute or make method private/protected [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5297282Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\VerifyFixTest.cs(11,27): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5300359Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\TestMixedGenericParameters.cs(8,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5303106Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SmartInferenceTests.cs(27,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5305739Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SmartInferenceTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5308343Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleTupleTest.cs(11,56): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5310574Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleStaticTest.cs(9,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5312861Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleHookTest.cs(23,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5315209Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleHookTest.cs(28,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5317927Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleGenericTests.cs(56,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5321032Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleGenericTests.cs(23,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5323665Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\SimpleGenericTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5326286Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\RunOnSkipTests.cs(38,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5328556Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\RunOnSkipTests.cs(52,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5331568Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleTest.cs(16,64): warning TUnit0301: Tuple parameter 'data' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5334244Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleTest.cs(8,71): warning TUnit0301: Tuple parameter 'data2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5336970Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(22,65): warning TUnit0301: Tuple parameter 'value' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5340011Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(43,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5342865Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(54,82): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5345561Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(74,83): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5348232Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(84,88): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5350884Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(64,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5353143Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(121,45): warning TUnit0046: Return a `Func` rather than a ``. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5355576Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(32,67): warning TUnit0301: Tuple parameter 'value1' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5358592Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(32,86): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5361837Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\NestedTupleDataSourceTests.cs(12,73): warning TUnit0301: Tuple parameter 'value2' uses reflection which is not AOT-compatible. Consider using concrete types instead of tuples. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5364381Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MultipleDataSourcesTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5366906Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MultipleClassDataGeneratorsTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5369163Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MinimalDiscoveryTest.cs(8,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5371539Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\MethodDataSourceWithArgumentsTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5374343Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookGeneratorTest.cs(9,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5376999Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookGeneratorTest.cs(15,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5379806Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(13,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5382290Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(26,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5384694Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5387211Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(43,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5389621Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(54,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5391988Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(63,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5394548Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(110,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5396930Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\HookExecutorTests.cs(123,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5399854Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(79,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5402590Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(9,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5405191Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(20,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5407782Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(52,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5410382Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypeTests.cs(61,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5413039Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(70,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5415734Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(41,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5419028Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(49,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5422060Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTypedDataSourceTests.cs(57,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5425022Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericTestExample.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5428896Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5431872Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMethodTests.cs(11,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5434602Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5437834Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(11,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5440621Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(22,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5443311Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(36,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5445955Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericMatrixTests.cs(47,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5448694Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericInstanceMethodDataSourceTests.cs(59,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5451474Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericInstanceMethodDataSourceTests.cs(15,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5454431Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericInheritsTestVerification.cs(15,17): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5457233Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericInstanceMethodDataSourceTests.cs(26,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5460468Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(171,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5463549Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(155,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5466363Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(140,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5469110Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(124,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5472187Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(63,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5475705Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(73,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5478870Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(82,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5481726Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(92,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5484510Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(101,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5487291Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\GenericConstraintValidationTests.cs(110,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5490068Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\FailFastTest.cs(10,15): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5494263Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDataSourceWithMethodDataSourceTests.cs(35,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5497607Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDataSourceDrivenTestsSharedKeyed3.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5501245Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ClassDataSourceDrivenTestsSharedKeyed2.cs(41,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5503851Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\CallEventReceiverTests.cs(25,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5506348Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(219,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5508867Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(234,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5511386Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(249,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5513883Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(264,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5516650Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\TestSpecificAfterHooksTests.cs(279,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5519692Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(377,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5522396Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(388,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5525224Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(400,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5527835Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(412,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5530435Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(423,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5532991Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(435,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5535664Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(446,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5538609Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(316,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5541287Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(327,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5543852Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(338,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5546403Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\MultipleAfterHooksFailureTests.cs(349,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5548965Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\ArgumentsWithClassDataSourceTests.cs(29,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5551528Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AllDataSourcesCombinedTestsVerification.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5554050Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\AllDataSourcesCombinedTests.cs(40,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5557005Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(197,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5560011Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(52,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5562562Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(69,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5565067Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookExceptionHandlingTests.cs(106,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5567744Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(200,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5570260Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(178,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5573187Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(171,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5575701Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(113,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5579151Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(102,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5583356Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(31,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5587719Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\HookCleanupOnFailureTests.cs(20,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5590500Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(346,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5593097Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(358,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5595872Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(322,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5598835Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(256,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5601672Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(223,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5604457Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(127,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5607005Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(59,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5609550Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\_2804\CriticalHookChainExecutionTests.cs(101,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5612120Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\Issue2504CollectionExpressionTest.cs(62,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5614638Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(153,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5617361Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(163,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5619939Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(80,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5622645Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\HookOrchestratorDeadlockTests.cs(90,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5625554Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs(46,24): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5628547Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\3219\ClassDataSourceRetryTests.cs(77,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5630973Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\3185\BugRepro3185.cs(88,19): warning TUnitAssertions0005: Assert.That(...) should not be used with a constant value [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5633359Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2867\DisposalNotCalledTests.cs(267,30): warning TUnit0042: Global hooks should not be mixed with test classes to avoid confusion. Place them in their own class. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5635807Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2798\Tests.cs(16,36): warning TUnit0046: Return a `Func` rather than a ``. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5638196Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2757\Tests.cs(20,41): warning TUnit0046: Return a `Func` rather than a ``. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5640558Z ##[warning]D:\a\TUnit\TUnit\TUnit.TestProject\Bugs\2136\Tests.cs(14,23): warning TUnit0300: Generic test method with data source may not be AOT-compatible. All generic type combinations must be known at compile time. [D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj::TargetFramework=net472] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5642063Z 904 Warning(s) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5642220Z 0 Error(s) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5642322Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5642412Z Time Elapsed 00:05:00.78 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5642535Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.5642777Z Workload updates are available. Run `dotnet workload list` for more information. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.6766329Z Prepare all required actions -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.6838990Z ##[group]Run ./.github/actions/execute-pipeline -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.6839393Z with: -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.6839999Z admin-token: *** -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.6840251Z environment: Development -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.6841131Z nuget-apikey: *** -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.6841625Z publish-packages: false -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.6842042Z netversion: net9.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.6842459Z env: -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.6842863Z DOTNET_ROOT: C:\Program Files\dotnet -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.6843156Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.7064656Z ##[group]Run dotnet run -c Release --categories -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.7065069Z dotnet run -c Release --categories  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.7083365Z shell: C:\Program Files\Git\bin\bash.EXE --noprofile --norc -e -o pipefail {0} -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.7083849Z env: -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.7084113Z DOTNET_ROOT: C:\Program Files\dotnet -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.7084658Z ADMIN_TOKEN: *** -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.7085133Z GITHUB_TOKEN: *** -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.7085381Z DOTNET_ENVIRONMENT: Development -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.7085846Z NuGet__ApiKey: *** -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.7086090Z NuGet__ShouldPublish: false -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.7086382Z NET_VERSION: net9.0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:52.7086654Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:58.3222324Z [7:25:58 PM Info]  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:25:58.3222907Z Detected Build System: GitHubActions -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:24.4290112Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:24.4290830Z ##[group]RunAssertionsAnalyzersTestsModule -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:24.4308755Z [7:26:24 PM Info] Creating Temporary Folder:  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:24.4309357Z C:\Users\runneradmin\AppData\Local\Temp\22rfjceqglb -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:24.4312931Z [7:26:24 PM Info] Searching Files in: D:\a\TUnit\TUnit > x => x.Name ==  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:24.4313619Z "TUnit.Assertions.Analyzers.Tests.csproj" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:24.4323682Z [7:26:24 PM Info] ---Executing Command--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:24.4324432Z D:\a\TUnit\TUnit\TUnit.Pipeline> dotnet test  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:24.4325069Z D:\a\TUnit\TUnit\TUnit.Assertions.Analyzers.Tests\TUnit.Assertions.Analyzers.Tes -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:24.4325728Z ts.csproj --configuration Release --framework net8.0 --no-build -- --hangdump  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:24.4326601Z --hangdump-filename hangdump.assertions-analyzers-tests.dmp --hangdump-timeout  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:24.4327378Z 5m -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:24.4328046Z [7:26:24 PM Info] ---Exit Code---- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:24.4329044Z 0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:24.4329971Z [7:26:24 PM Info] ---Duration--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:24.4330586Z 25s & 786ms -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:24.4333379Z [7:26:24 PM Info] Module RunAssertionsAnalyzersTestsModule completed  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:24.4333975Z successfully -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:24.4336116Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:26.0941039Z ##[group]RunRpcTestsModule -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:26.0947477Z [7:26:26 PM Info] Creating Temporary Folder:  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:26.0948061Z C:\Users\runneradmin\AppData\Local\Temp\2bod0v0klwq -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:26.0951279Z [7:26:26 PM Info] Searching Files in: D:\a\TUnit\TUnit > x => x.Name ==  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:26.0954498Z "TUnit.RpcTests.csproj" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:26.0955596Z [7:26:26 PM Info] ---Executing Command--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:26.0956333Z D:\a\TUnit\TUnit\TUnit.RpcTests> dotnet run --configuration Release --framework  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:26.0957030Z net8.0 --no-build --ignore-exit-code 8 --hangdump --hangdump-filename  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:26.0957746Z hangdump.Win32NT.RunRpcTestsModule.dmp --hangdump-timeout 5m -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:26.0958497Z [7:26:26 PM Info] ---Exit Code---- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:26.0958843Z 0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:26.0960657Z [7:26:26 PM Info] ---Duration--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:26.0961058Z 1s & 331ms -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:26.0963698Z [7:26:26 PM Info] Module RunRpcTestsModule completed successfully -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:26.0964863Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:42.8964759Z ##[group]RunTemplateTestsModule -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:42.8969479Z [7:26:42 PM Info] Creating Temporary Folder:  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:42.8970065Z C:\Users\runneradmin\AppData\Local\Temp\uzs5xxc30ee -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:42.8972402Z [7:26:42 PM Info] Searching Files in: D:\a\TUnit\TUnit > x => x.Name ==  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:42.8973603Z "TUnit.Templates.Tests.csproj" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:42.8974582Z [7:26:42 PM Info] ---Executing Command--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:42.8975706Z D:\a\TUnit\TUnit\TUnit.Pipeline> dotnet test  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:42.8976817Z D:\a\TUnit\TUnit\TUnit.Templates.Tests\TUnit.Templates.Tests.csproj  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:42.8977921Z --configuration Release --framework net9.0 --no-build -- --hangdump  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:42.8979063Z --hangdump-filename hangdump.template-tests.dmp --hangdump-timeout 5m -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:42.8980121Z [7:26:42 PM Info] ---Exit Code---- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:42.8980717Z 0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:42.8981373Z [7:26:42 PM Info] ---Duration--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:42.8982005Z 16s & 381ms -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:42.8983162Z [7:26:42 PM Info] Module RunTemplateTestsModule completed successfully -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:42.8984823Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9582570Z ##[group]RunAssertionsTestsModule -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9587284Z [7:26:56 PM Info] Creating Temporary Folder:  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9587960Z C:\Users\runneradmin\AppData\Local\Temp\xw5vo4k1ciq -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9589902Z [7:26:56 PM Info] Searching Files in: D:\a\TUnit\TUnit > x => x.Name ==  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9590645Z "TUnit.Assertions.Tests.csproj" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9591829Z [7:26:56 PM Info] ---Executing Command--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9592728Z D:\a\TUnit\TUnit\TUnit.Assertions.Tests> dotnet run --configuration Release  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9593515Z --framework net9.0 --no-build --hangdump --hangdump-filename  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9595301Z hangdump.Win32NT.RunAssertionsTestsModule.dmp --hangdump-timeout 5m -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9596318Z [7:26:56 PM Info] ---Exit Code---- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9596709Z 0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9597134Z [7:26:56 PM Info] ---Duration--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9597600Z 3s & 494ms -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9598531Z [7:26:56 PM Info] Searching Files in: D:\a\TUnit\TUnit > x => x.Name ==  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9599139Z "TUnit.Assertions.Tests.csproj" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9600905Z [7:26:56 PM Info] ---Executing Command--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9601704Z D:\a\TUnit\TUnit\TUnit.Assertions.Tests> dotnet run --configuration Release  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9602890Z --framework net8.0 --no-build --hangdump --hangdump-filename  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9603628Z hangdump.Win32NT.RunAssertionsTestsModule.dmp --hangdump-timeout 5m -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9604454Z [7:26:56 PM Info] ---Exit Code---- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9604808Z 0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9605183Z [7:26:56 PM Info] ---Duration--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9605526Z 3s & 396ms -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9607348Z [7:26:56 PM Info] Searching Files in: D:\a\TUnit\TUnit > x => x.Name ==  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9607981Z "TUnit.Assertions.Tests.csproj" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9609445Z [7:26:56 PM Info] ---Executing Command--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9610784Z D:\a\TUnit\TUnit\TUnit.Assertions.Tests> dotnet run --configuration Release  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9611987Z --framework net472 --no-build --hangdump --hangdump-filename  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9613090Z hangdump.Win32NT.RunAssertionsTestsModule.dmp --hangdump-timeout 5m -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9614248Z [7:26:56 PM Info] ---Exit Code---- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9614890Z 0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9615572Z [7:26:56 PM Info] ---Duration--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9616212Z 6s & 780ms -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9617296Z [7:26:56 PM Info] Module RunAssertionsTestsModule completed successfully -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:26:56.9618578Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:04.2549308Z ##[group]RunAssertionsCodeFixersTestsModule -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:04.2554071Z [7:27:04 PM Info] Creating Temporary Folder:  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:04.2554658Z C:\Users\runneradmin\AppData\Local\Temp\dhqspp30gi3 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:04.2556548Z [7:27:04 PM Info] Searching Files in: D:\a\TUnit\TUnit > x => x.Name ==  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:04.2557292Z "TUnit.Assertions.Analyzers.CodeFixers.Tests.csproj" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:04.2559401Z [7:27:04 PM Info] ---Executing Command--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:04.2560067Z D:\a\TUnit\TUnit\TUnit.Pipeline> dotnet test  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:04.2560737Z D:\a\TUnit\TUnit\TUnit.Assertions.Analyzers.CodeFixers.Tests\TUnit.Assertions.An -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:04.2562229Z alyzers.CodeFixers.Tests.csproj --configuration Release --framework net8.0  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:04.2563244Z --no-build -- --hangdump --hangdump-filename  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:04.2564131Z hangdump.assertions-codefixers-tests.dmp --hangdump-timeout 5m -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:04.2565370Z [7:27:04 PM Info] ---Exit Code---- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:04.2565985Z 0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:04.2566429Z [7:27:04 PM Info] ---Duration--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:04.2566822Z 7s & 211ms -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:04.2567462Z [7:27:04 PM Info] Module RunAssertionsCodeFixersTestsModule completed  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:04.2568007Z successfully -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:04.2568433Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5437212Z ##[group]RunPublicAPITestsModule -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5441206Z [7:27:14 PM Info] Creating Temporary Folder:  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5442173Z C:\Users\runneradmin\AppData\Local\Temp\bbgothogdbx -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5443280Z [7:27:14 PM Info] Searching Files in: D:\a\TUnit\TUnit > x => x.Name ==  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5443950Z "TUnit.PublicAPI.csproj" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5445045Z [7:27:14 PM Info] ---Executing Command--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5446170Z D:\a\TUnit\TUnit\TUnit.PublicAPI> dotnet run --configuration Release --framework -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5447287Z net9.0 --no-build --fail-fast --hangdump --hangdump-filename  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5448021Z hangdump.Win32NT.RunPublicAPITestsModule.dmp --hangdump-timeout 5m -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5449104Z [7:27:14 PM Info] ---Exit Code---- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5449685Z 0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5450074Z [7:27:14 PM Info] ---Duration--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5450641Z 2s & 327ms -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5451919Z [7:27:14 PM Info] Searching Files in: D:\a\TUnit\TUnit > x => x.Name ==  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5452676Z "TUnit.PublicAPI.csproj" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5453487Z [7:27:14 PM Info] ---Executing Command--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5454563Z D:\a\TUnit\TUnit\TUnit.PublicAPI> dotnet run --configuration Release --framework -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5455957Z net8.0 --no-build --fail-fast --hangdump --hangdump-filename  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5456957Z hangdump.Win32NT.RunPublicAPITestsModule.dmp --hangdump-timeout 5m -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5457630Z [7:27:14 PM Info] ---Exit Code---- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5458202Z 0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5458837Z [7:27:14 PM Info] ---Duration--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5459362Z 2s & 307ms -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5459998Z [7:27:14 PM Info] Searching Files in: D:\a\TUnit\TUnit > x => x.Name ==  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5460981Z "TUnit.PublicAPI.csproj" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5461699Z [7:27:14 PM Info] ---Executing Command--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5463125Z D:\a\TUnit\TUnit\TUnit.PublicAPI> dotnet run --configuration Release --framework -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5464153Z net472 --no-build --fail-fast --hangdump --hangdump-filename  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5465053Z hangdump.Win32NT.RunPublicAPITestsModule.dmp --hangdump-timeout 5m -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5466398Z [7:27:14 PM Info] ---Exit Code---- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5467004Z 0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5467575Z [7:27:14 PM Info] ---Duration--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5467955Z 4s & 260ms -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5468766Z [7:27:14 PM Info] Module RunPublicAPITestsModule completed successfully -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:14.5469453Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8885164Z ##[group]RunSourceGeneratorTestsModule -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8889974Z [7:27:31 PM Info] Creating Temporary Folder:  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8890619Z C:\Users\runneradmin\AppData\Local\Temp\gj1z1p2ins2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8892838Z [7:27:31 PM Info] Searching Files in: D:\a\TUnit\TUnit > x => x.Name ==  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8893614Z "TUnit.Core.SourceGenerator.Tests.csproj" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8895879Z [7:27:31 PM Info] ---Executing Command--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8896941Z D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests> dotnet run --configuration  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8898129Z Release --framework net9.0 --no-build -- --fail-fast --hangdump  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8898949Z --hangdump-filename hangdump.Win32NT.RunSourceGeneratorTestsModule.dmp  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8900128Z --hangdump-timeout 5m -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8900675Z [7:27:31 PM Info] ---Exit Code---- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8901083Z 0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8901930Z [7:27:31 PM Info] ---Duration--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8902658Z 3s & 601ms -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8903443Z [7:27:31 PM Info] Searching Files in: D:\a\TUnit\TUnit > x => x.Name ==  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8904264Z "TUnit.Core.SourceGenerator.Tests.csproj" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8905843Z [7:27:31 PM Info] ---Executing Command--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8907528Z D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests> dotnet run --configuration  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8908819Z Release --framework net8.0 --no-build -- --fail-fast --hangdump  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8909944Z --hangdump-filename hangdump.Win32NT.RunSourceGeneratorTestsModule.dmp  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8910757Z --hangdump-timeout 5m -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8911599Z [7:27:31 PM Info] ---Exit Code---- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8912366Z 0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8913240Z [7:27:31 PM Info] ---Duration--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8914024Z 3s & 529ms -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8915334Z [7:27:31 PM Info] Searching Files in: D:\a\TUnit\TUnit > x => x.Name ==  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8918156Z "TUnit.Core.SourceGenerator.Tests.csproj" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8919491Z [7:27:31 PM Info] ---Executing Command--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8920891Z D:\a\TUnit\TUnit\TUnit.Core.SourceGenerator.Tests> dotnet run --configuration  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8922265Z Release --framework net472 --no-build -- --fail-fast --hangdump  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8923499Z --hangdump-filename hangdump.Win32NT.RunSourceGeneratorTestsModule.dmp  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8924458Z --hangdump-timeout 5m -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8925329Z [7:27:31 PM Info] ---Exit Code---- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8926860Z 0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8928070Z [7:27:31 PM Info] ---Duration--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8929053Z 9s & 647ms -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8930657Z [7:27:31 PM Info] Module RunSourceGeneratorTestsModule completed successfully -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8932073Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8937273Z ##[group]RunPlaywrightTestsModule -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8941931Z [7:27:31 PM Info] SkipHandler`1 ignored because: A condition to run this module  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8943495Z has not been met - RunOnLinuxOnlyAttribute and no historical results were found -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8944506Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8945122Z ##[group]RunAspNetTestsModule -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8949972Z [7:27:31 PM Info] SkipHandler`1 ignored because: A condition to run this module  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8951434Z has not been met - RunOnLinuxOnlyAttribute and no historical results were found -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:31.8952401Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5168230Z ##[group]RunUnitTestsModule -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5172413Z [7:27:42 PM Info] Creating Temporary Folder:  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5173058Z C:\Users\runneradmin\AppData\Local\Temp\ia5sfnf0ccr -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5174117Z [7:27:42 PM Info] Searching Files in: D:\a\TUnit\TUnit > x => x.Name ==  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5174713Z "TUnit.UnitTests.csproj" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5177148Z [7:27:42 PM Info] ---Executing Command--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5178233Z D:\a\TUnit\TUnit\TUnit.UnitTests> dotnet run --configuration Release --framework -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5178846Z net9.0 --no-build --hangdump --hangdump-filename  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5179731Z hangdump.Win32NT.RunUnitTestsModule.dmp --hangdump-timeout 5m -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5180331Z [7:27:42 PM Info] ---Exit Code---- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5180668Z 0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5181214Z [7:27:42 PM Info] ---Duration--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5181731Z 2s & 127ms -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5182392Z [7:27:42 PM Info] Searching Files in: D:\a\TUnit\TUnit > x => x.Name ==  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5183180Z "TUnit.UnitTests.csproj" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5183924Z [7:27:42 PM Info] ---Executing Command--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5184918Z D:\a\TUnit\TUnit\TUnit.UnitTests> dotnet run --configuration Release --framework -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5185507Z net8.0 --no-build --hangdump --hangdump-filename  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5186265Z hangdump.Win32NT.RunUnitTestsModule.dmp --hangdump-timeout 5m -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5186852Z [7:27:42 PM Info] ---Exit Code---- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5187299Z 0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5187843Z [7:27:42 PM Info] ---Duration--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5188215Z 2s & 206ms -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5188974Z [7:27:42 PM Info] Searching Files in: D:\a\TUnit\TUnit > x => x.Name ==  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5189757Z "TUnit.UnitTests.csproj" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5190228Z [7:27:42 PM Info] ---Executing Command--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5191181Z D:\a\TUnit\TUnit\TUnit.UnitTests> dotnet run --configuration Release --framework -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5191796Z net472 --no-build --hangdump --hangdump-filename  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5192536Z hangdump.Win32NT.RunUnitTestsModule.dmp --hangdump-timeout 5m -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5193093Z [7:27:42 PM Info] ---Exit Code---- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5193566Z 0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5194093Z [7:27:42 PM Info] ---Duration--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5194645Z 4s & 629ms -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5195734Z [7:27:42 PM Info] Module RunUnitTestsModule completed successfully -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:27:42.5196529Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:28:07.6416467Z ##[group]RunAnalyzersTestsModule -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:28:07.6419309Z [7:28:07 PM Info] Creating Temporary Folder:  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:28:07.6422379Z C:\Users\runneradmin\AppData\Local\Temp\zbz4p1pcpj3 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:28:07.6424434Z [7:28:07 PM Info] Searching Files in: D:\a\TUnit\TUnit > x => x.Name ==  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:28:07.6425599Z "TUnit.Analyzers.Tests.csproj" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:28:07.6426485Z [7:28:07 PM Info] ---Executing Command--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:28:07.6427720Z D:\a\TUnit\TUnit\TUnit.Pipeline> dotnet test  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:28:07.6429172Z D:\a\TUnit\TUnit\TUnit.Analyzers.Tests\TUnit.Analyzers.Tests.csproj  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:28:07.6430255Z --configuration Release --framework net8.0 --no-build -- --hangdump  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:28:07.6431374Z --hangdump-filename hangdump.analyzers-tests.dmp --hangdump-timeout 5m -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:28:07.6432472Z [7:28:07 PM Info] ---Exit Code---- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:28:07.6433113Z 0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:28:07.6433828Z [7:28:07 PM Info] ---Duration--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:28:07.6434525Z 25s & 64ms -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:28:07.6435671Z [7:28:07 PM Info] Module RunAnalyzersTestsModule completed successfully -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:28:07.6437633Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:30:34.4020631Z ##[group]PublishAOTModule -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:30:34.4024228Z [7:30:34 PM Info] Creating Temporary Folder:  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:30:34.4025476Z C:\Users\runneradmin\AppData\Local\Temp\cbxfczuhvhh -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:30:34.4027325Z [7:30:34 PM Info] Searching Files in: D:\a\TUnit\TUnit > x => x.Name ==  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:30:34.4028616Z "TUnit.TestProject.csproj" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:30:34.4029677Z [7:30:34 PM Info] ---Executing Command--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:30:34.4030907Z D:\a\TUnit\TUnit\TUnit.Pipeline> dotnet publish  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:30:34.4032161Z D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj --configuration  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:30:34.4033357Z Release --framework net8.0 --output TESTPROJECT_AOT --runtime win-x64  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:30:34.4034237Z --property:Aot=true -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:30:34.4035083Z [7:30:34 PM Info] ---Exit Code---- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:30:34.4035908Z 0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:30:34.4037155Z [7:30:34 PM Info] ---Duration--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:30:34.4037971Z 2m & 26s -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:30:34.4039028Z [7:30:34 PM Info] Module PublishAOTModule completed successfully -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:30:34.4040327Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:31:35.8962028Z ##[group]PublishSingleFileModule -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:31:35.8965184Z [7:31:35 PM Info] Creating Temporary Folder:  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:31:35.8965853Z C:\Users\runneradmin\AppData\Local\Temp\jy1bo4rm0gl -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:31:35.8967375Z [7:31:35 PM Info] Searching Files in: D:\a\TUnit\TUnit > x => x.Name ==  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:31:35.8968209Z "TUnit.TestProject.csproj" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:31:35.8969165Z [7:31:35 PM Info] ---Executing Command--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:31:35.8970297Z D:\a\TUnit\TUnit\TUnit.Pipeline> dotnet publish  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:31:35.8971396Z D:\a\TUnit\TUnit\TUnit.TestProject\TUnit.TestProject.csproj --configuration  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:31:35.8972200Z Release --framework net8.0 --output TESTPROJECT_SINGLEFILE --runtime win-x64  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:31:35.8972930Z --property:SingleFile=true -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:31:35.8973641Z [7:31:35 PM Info] ---Exit Code---- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:31:35.8974403Z 0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:31:35.8974883Z [7:31:35 PM Info] ---Duration--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:31:35.8975495Z 1m & 0s -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:31:35.8976494Z [7:31:35 PM Info] Module PublishSingleFileModule completed successfully -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:31:35.8978239Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6722722Z ##[group]RunEngineTestsModule - Error! CommandException -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6725328Z [7:33:18 PM Info] Creating Temporary Folder:  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6726018Z C:\Users\runneradmin\AppData\Local\Temp\iohfdug1hz2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6728178Z [7:33:18 PM Info] Searching Files in: D:\a\TUnit\TUnit > x => x.Name ==  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6729281Z "TUnit.Engine.Tests.csproj" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6730165Z [7:33:18 PM Info] ---Executing Command--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6731279Z D:\a\TUnit\TUnit\TUnit.Engine.Tests> dotnet run --configuration Release  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6732035Z --framework net9.0 --no-build --project TUnit.Engine.Tests.csproj --hangdump  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6732789Z --hangdump-filename hangdump.Win32NT.engine-tests.dmp --hangdump-timeout 30m  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6733542Z --timeout 35m --fail-fast -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6734104Z [7:33:18 PM Info] ---Exit Code---- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6734507Z 7 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6734959Z [7:33:18 PM Info] ---Duration--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6735408Z 1m & 42s -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6741238Z [7:33:18 PM Info] ---Command Error--- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6742106Z Unhandled exception. System.Exception: Error asserting results for  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6742680Z AfterTestAttributeTests: "Failed" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6743137Z  should be -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6743449Z "Completed" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6743734Z  but was not -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6744050Z  difference -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6744481Z Difference | | | | | | | | | |  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6744932Z  | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6745389Z Index | 0 1 2 3 4 5 6 7 8  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6745935Z Expected Value | C o m p l e t e d  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6746437Z Actual Value | F a i l e d  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6746951Z Expected Code | 67 111 109 112 108 101 116 101 100  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6747467Z Actual Code | 70 97 105 108 101 100  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6747702Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6747879Z Expression: [ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6748553Z  result => result.ResultSummary.Outcome.ShouldBe("Completed"), -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6749246Z  result => result.ResultSummary.Counters.Total.ShouldBe(1), -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6749927Z  result => result.ResultSummary.Counters.Passed.ShouldBe(1), -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6750678Z  result => result.ResultSummary.Counters.Failed.ShouldBe(0), -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6751323Z  result => result.ResultSummary.Counters.NotExecuted.ShouldBe(0), -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6752109Z  _ => FindFile(x =>  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6752618Z x.Name.EndsWith("AfterTestAttributeTests.txt")).AssertExists() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6753045Z  ] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6753700Z  ---> Shouldly.ShouldAssertException: "Failed" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6754109Z  should be -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6754387Z "Completed" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6754693Z  but was not -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6754997Z  difference -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6755382Z Difference | | | | | | | | | |  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6755841Z  | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6756318Z Index | 0 1 2 3 4 5 6 7 8  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6756779Z Expected Value | C o m p l e t e d  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6758232Z Actual Value | F a i l e d  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6758836Z Expected Code | 67 111 109 112 108 101 116 101 100  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6759363Z Actual Code | 70 97 105 108 101 100  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6759940Z  at TUnit.Engine.Tests.AfterTestAttributeTests.<>c.b__1_0(TestRun  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6760667Z result) in /_/TUnit.Engine.Tests/AfterTestAttributeTests.cs:line 15 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6761076Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6761593Z TUnit.Engine.Tests.TrxAsserter.<>c__DisplayClass0_1.b__1(Action`1 x)  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6762185Z in /_/TUnit.Engine.Tests/TrxAsserter.cs:line 23 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6762723Z  at System.Collections.Generic.List`1.ForEach(Action`1 action) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6763339Z  at TUnit.Engine.Tests.TrxAsserter.AssertTrx(TestMode testMode, Command  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6764022Z command, BufferedCommandResult commandResult, List`1 assertions, String  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6764580Z trxFilename, String assertionExpression) in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6765033Z /_/TUnit.Engine.Tests/TrxAsserter.cs:line 23 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6765496Z  --- End of inner exception stack trace --- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6765858Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6766363Z TUnit.Engine.Scheduling.TestScheduler.WaitForTasksWithFailFastHandling(Task[]  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6766990Z tasks, CancellationToken cancellationToken) in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6767483Z /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 368 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6767871Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6768520Z TUnit.Engine.Scheduling.TestScheduler.ExecuteGroupedTestsAsync(GroupedTests  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6769254Z groupedTests, CancellationToken cancellationToken) in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6769786Z /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 144 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6770373Z  at TUnit.Engine.Scheduling.TestScheduler.ScheduleAndExecuteAsync(List`1  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6770970Z testList, CancellationToken cancellationToken) in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6771469Z /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 103 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6772047Z  at TUnit.Engine.TestSessionCoordinator.ExecuteTestsCore(List`1 testList,  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6772719Z CancellationToken cancellationToken) in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6773313Z /_/TUnit.Engine/TestSessionCoordinator.cs:line 112 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6774134Z  at TUnit.Engine.TestSessionCoordinator.ExecuteTests(IEnumerable`1 tests,  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6774790Z ITestExecutionFilter filter, IMessageBus messageBus, CancellationToken  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6776269Z cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 54 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6776965Z  at TUnit.Engine.TestSessionCoordinator.ExecuteTests(IEnumerable`1 tests,  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6777627Z ITestExecutionFilter filter, IMessageBus messageBus, CancellationToken  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6778280Z cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 58 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6778823Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6779369Z TUnit.Engine.Framework.TestRequestHandler.HandleRunRequestAsync(TUnitServiceProv -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6780103Z ider serviceProvider, RunTestExecutionRequest request, ExecuteRequestContext  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6780723Z context, ITestExecutionFilter testExecutionFilter) in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6781265Z /_/TUnit.Engine/Framework/TestRequestHandler.cs:line 79 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6781635Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6782306Z TUnit.Engine.Framework.TestRequestHandler.HandleRequestAsync(TestExecutionReques -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6783084Z t request, TUnitServiceProvider serviceProvider, ExecuteRequestContext context,  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6783655Z ITestExecutionFilter testExecutionFilter) in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6784170Z /_/TUnit.Engine/Framework/TestRequestHandler.cs:line 19 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6784568Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6785127Z TUnit.Engine.Framework.TUnitTestFramework.ExecuteRequestAsync(ExecuteRequestCont -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6785804Z ext context) in /_/TUnit.Engine/Framework/TUnitTestFramework.cs:line 60 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6786246Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6786790Z TUnit.Engine.Framework.TUnitTestFramework.ExecuteRequestAsync(ExecuteRequestCont -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6787453Z ext context) in /_/TUnit.Engine/Framework/TUnitTestFramework.cs:line 81 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6787901Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6788774Z Microsoft.Testing.Platform.Requests.TestHostTestFrameworkInvoker.ExecuteRequestA -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6789595Z sync(ITestFramework testFramework, TestExecutionRequest request, IMessageBus  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6790214Z messageBus, CancellationToken cancellationToken) in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6790863Z /_/src/Platform/Microsoft.Testing.Platform/Requests/TestHostTestFrameworkInvoker -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6791372Z .cs:line 72 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6791629Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6792173Z Microsoft.Testing.Platform.Requests.TestHostTestFrameworkInvoker.ExecuteAsync(IT -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6792885Z estFramework testFramework, ClientInfo client, CancellationToken  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6793332Z cancellationToken) in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6794099Z /_/src/Platform/Microsoft.Testing.Platform/Requests/TestHostTestFrameworkInvoker -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6794625Z .cs:line 61 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6794883Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6795626Z Microsoft.Testing.Platform.Hosts.CommonHost.ExecuteRequestAsync(ProxyOutputDevic -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6796371Z e outputDevice, ITestSessionContext testSessionInfo, ServiceProvider  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6797069Z serviceProvider, BaseMessageBus baseMessageBus, ITestFramework testFramework,  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6797561Z ClientInfo client) in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6798103Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 143 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6798831Z  at Microsoft.Testing.Platform.Hosts.ConsoleTestHost.InternalRunAsync() in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6799518Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/ConsoleTestHost.cs:line 83 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6800222Z  at Microsoft.Testing.Platform.Hosts.ConsoleTestHost.InternalRunAsync() in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6801346Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/ConsoleTestHost.cs:line 115 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6801824Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6802328Z Microsoft.Testing.Platform.Hosts.CommonHost.RunTestAppAsync(CancellationToken  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6802923Z testApplicationCancellationToken) in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6803511Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 115 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6804360Z  at Microsoft.Testing.Platform.Hosts.CommonHost.RunAsync() in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6805023Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 38 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6805661Z  at Microsoft.Testing.Platform.Hosts.CommonHost.RunAsync() in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6806469Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 74 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6807549Z  at Microsoft.Testing.Platform.Hosts.TestHostControlledHost.RunAsync() in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6808378Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/TestHostControlledHost.cs:line  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6808865Z 23 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6809539Z  at Microsoft.Testing.Platform.Builder.TestApplication.RunAsync() in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6810244Z /_/src/Platform/Microsoft.Testing.Platform/Builder/TestApplication.cs:line 222 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6810870Z  at TestingPlatformEntryPoint.Main(String[] args) in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6811459Z /_/TUnit.Engine.Tests/obj/Release/net9.0/TestPlatformEntryPoint.cs:line 16 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6812046Z  at TestingPlatformEntryPoint.
(String[] args) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6812326Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6959805Z [7:33:18 PM Fail] Module Failed after 00:01:42.7678472 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6960996Z ModularPipelines.Exceptions.CommandException:  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6962096Z Input: dotnet run --configuration Release --framework net9.0 --no-build  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6963204Z --project TUnit.Engine.Tests.csproj --hangdump --hangdump-filename  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6964306Z hangdump.Win32NT.engine-tests.dmp --hangdump-timeout 30m --timeout 35m  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6965114Z --fail-fast -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6965356Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6966446Z Error: Unhandled exception. System.Exception: Error asserting results for  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6967374Z AfterTestAttributeTests: "Failed" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6968024Z  should be -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6968552Z "Completed" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6969043Z  but was not -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6969591Z  difference -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6970335Z Difference | | | | | | | | | |  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6971188Z  | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6972005Z Index | 0 1 2 3 4 5 6 7 8  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6972923Z Expected Value | C o m p l e t e d  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6973847Z Actual Value | F a i l e d  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6974779Z Expected Code | 67 111 109 112 108 101 116 101 100  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6975712Z Actual Code | 70 97 105 108 101 100  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6976153Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6976466Z Expression: [ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6977300Z  result => result.ResultSummary.Outcome.ShouldBe("Completed"), -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6978476Z  result => result.ResultSummary.Counters.Total.ShouldBe(1), -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6979937Z  result => result.ResultSummary.Counters.Passed.ShouldBe(1), -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6981123Z  result => result.ResultSummary.Counters.Failed.ShouldBe(0), -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6982296Z  result => result.ResultSummary.Counters.NotExecuted.ShouldBe(0), -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6983261Z  _ => FindFile(x =>  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6984197Z x.Name.EndsWith("AfterTestAttributeTests.txt")).AssertExists() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6984666Z  ] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6985093Z  ---> Shouldly.ShouldAssertException: "Failed" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6985509Z  should be -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6985785Z "Completed" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6986086Z  but was not -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6986789Z  difference -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6987185Z Difference | | | | | | | | | |  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6987899Z  | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6988381Z Index | 0 1 2 3 4 5 6 7 8  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6988883Z Expected Value | C o m p l e t e d  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6989377Z Actual Value | F a i l e d  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6989884Z Expected Code | 67 111 109 112 108 101 116 101 100  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6990380Z Actual Code | 70 97 105 108 101 100  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6990946Z  at TUnit.Engine.Tests.AfterTestAttributeTests.<>c.b__1_0(TestRun  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6991604Z result) in /_/TUnit.Engine.Tests/AfterTestAttributeTests.cs:line 15 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6992047Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6992563Z TUnit.Engine.Tests.TrxAsserter.<>c__DisplayClass0_1.b__1(Action`1 x)  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6993136Z in /_/TUnit.Engine.Tests/TrxAsserter.cs:line 23 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6993690Z  at System.Collections.Generic.List`1.ForEach(Action`1 action) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6994329Z  at TUnit.Engine.Tests.TrxAsserter.AssertTrx(TestMode testMode, Command  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6994976Z command, BufferedCommandResult commandResult, List`1 assertions, String  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6995552Z trxFilename, String assertionExpression) in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6996036Z /_/TUnit.Engine.Tests/TrxAsserter.cs:line 23 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6996478Z  --- End of inner exception stack trace --- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6996849Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6997394Z TUnit.Engine.Scheduling.TestScheduler.WaitForTasksWithFailFastHandling(Task[]  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6998025Z tasks, CancellationToken cancellationToken) in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6998510Z /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 368 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6998921Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.6999437Z TUnit.Engine.Scheduling.TestScheduler.ExecuteGroupedTestsAsync(GroupedTests  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7000055Z groupedTests, CancellationToken cancellationToken) in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7000580Z /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 144 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7001206Z  at TUnit.Engine.Scheduling.TestScheduler.ScheduleAndExecuteAsync(List`1  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7001782Z testList, CancellationToken cancellationToken) in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7002308Z /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 103 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7002916Z  at TUnit.Engine.TestSessionCoordinator.ExecuteTestsCore(List`1 testList,  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7003475Z CancellationToken cancellationToken) in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7004079Z /_/TUnit.Engine/TestSessionCoordinator.cs:line 112 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7004661Z  at TUnit.Engine.TestSessionCoordinator.ExecuteTests(IEnumerable`1 tests,  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7005346Z ITestExecutionFilter filter, IMessageBus messageBus, CancellationToken  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7006009Z cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 54 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7007028Z  at TUnit.Engine.TestSessionCoordinator.ExecuteTests(IEnumerable`1 tests,  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7007725Z ITestExecutionFilter filter, IMessageBus messageBus, CancellationToken  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7008382Z cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 58 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7008838Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7009354Z TUnit.Engine.Framework.TestRequestHandler.HandleRunRequestAsync(TUnitServiceProv -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7010261Z ider serviceProvider, RunTestExecutionRequest request, ExecuteRequestContext  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7010899Z context, ITestExecutionFilter testExecutionFilter) in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7011422Z /_/TUnit.Engine/Framework/TestRequestHandler.cs:line 79 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7011827Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7012360Z TUnit.Engine.Framework.TestRequestHandler.HandleRequestAsync(TestExecutionReques -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7013088Z t request, TUnitServiceProvider serviceProvider, ExecuteRequestContext context,  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7013678Z ITestExecutionFilter testExecutionFilter) in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7014179Z /_/TUnit.Engine/Framework/TestRequestHandler.cs:line 19 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7014576Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7015072Z TUnit.Engine.Framework.TUnitTestFramework.ExecuteRequestAsync(ExecuteRequestCont -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7015767Z ext context) in /_/TUnit.Engine/Framework/TUnitTestFramework.cs:line 60 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7016228Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7016732Z TUnit.Engine.Framework.TUnitTestFramework.ExecuteRequestAsync(ExecuteRequestCont -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7017425Z ext context) in /_/TUnit.Engine/Framework/TUnitTestFramework.cs:line 81 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7017856Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7018377Z Microsoft.Testing.Platform.Requests.TestHostTestFrameworkInvoker.ExecuteRequestA -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7019155Z sync(ITestFramework testFramework, TestExecutionRequest request, IMessageBus  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7019774Z messageBus, CancellationToken cancellationToken) in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7020420Z /_/src/Platform/Microsoft.Testing.Platform/Requests/TestHostTestFrameworkInvoker -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7020900Z .cs:line 72 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7021190Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7021749Z Microsoft.Testing.Platform.Requests.TestHostTestFrameworkInvoker.ExecuteAsync(IT -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7022449Z estFramework testFramework, ClientInfo client, CancellationToken  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7022922Z cancellationToken) in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7023489Z /_/src/Platform/Microsoft.Testing.Platform/Requests/TestHostTestFrameworkInvoker -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7023979Z .cs:line 61 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7024278Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7024824Z Microsoft.Testing.Platform.Hosts.CommonHost.ExecuteRequestAsync(ProxyOutputDevic -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7025548Z e outputDevice, ITestSessionContext testSessionInfo, ServiceProvider  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7026254Z serviceProvider, BaseMessageBus baseMessageBus, ITestFramework testFramework,  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7027124Z ClientInfo client) in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7027673Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 143 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7028506Z  at Microsoft.Testing.Platform.Hosts.ConsoleTestHost.InternalRunAsync() in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7029225Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/ConsoleTestHost.cs:line 83 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7029940Z  at Microsoft.Testing.Platform.Hosts.ConsoleTestHost.InternalRunAsync() in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7030658Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/ConsoleTestHost.cs:line 115 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7031107Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7031634Z Microsoft.Testing.Platform.Hosts.CommonHost.RunTestAppAsync(CancellationToken  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7032232Z testApplicationCancellationToken) in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7032796Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 115 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7033475Z  at Microsoft.Testing.Platform.Hosts.CommonHost.RunAsync() in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7034244Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 38 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7034882Z  at Microsoft.Testing.Platform.Hosts.CommonHost.RunAsync() in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7035550Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 74 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7036263Z  at Microsoft.Testing.Platform.Hosts.TestHostControlledHost.RunAsync() in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7037002Z /_/src/Platform/Microsoft.Testing.Platform/Hosts/TestHostControlledHost.cs:line  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7037454Z 23 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7037922Z  at Microsoft.Testing.Platform.Builder.TestApplication.RunAsync() in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7038621Z /_/src/Platform/Microsoft.Testing.Platform/Builder/TestApplication.cs:line 222 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7039210Z  at TestingPlatformEntryPoint.Main(String[] args) in  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7039817Z /_/TUnit.Engine.Tests/obj/Release/net9.0/TestPlatformEntryPoint.cs:line 16 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7040414Z  at TestingPlatformEntryPoint.
(String[] args) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7040663Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7040668Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7040837Z Exit Code: 7 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7041249Z  at ModularPipelines.Context.d__6.MoveNext() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7041891Z  at System.Runtime.ExceptionServices.ExceptionDispatchInfo.Throw() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7042629Z  at System.Runtime.CompilerServices.TaskAwaiter.ThrowForNonSuccess( -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7043252Z System.Threading.Tasks.Task task) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7043696Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7044289Z System.Runtime.CompilerServices.TaskAwaiter.HandleNonSuccessAndDebuggerNotificat -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7045005Z ion(System.Threading.Tasks.Task task,  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7045662Z System.Threading.Tasks.ConfigureAwaitOptions options) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7046362Z  at System.Runtime.CompilerServices.TaskAwaiter`1.GetResult() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7047160Z  +35 more... -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7047723Z [7:33:18 PM Fail] Module RunEngineTestsModule failed -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:18.7048423Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0663369Z ##[group]AddLocalNuGetRepositoryModule -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0670010Z [7:33:19 PM Fail] Module Failed after 00:00:00 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0671392Z System.OperationCanceledException: The operation was canceled. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0672925Z  at System.Threading.CancellationToken.ThrowOperationCanceledException() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0674521Z  at System.Threading.CancellationToken.ThrowIfCancellationRequested() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0675088Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0675702Z ModularPipelines.Engine.Executors.ModuleHandlers.CancellationHandler`1.SetupCanc -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0676271Z ellation() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0676741Z  at ModularPipelines.Modules.d__28.MoveNext() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0677439Z [7:33:19 PM Info] Pipeline has been canceled -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0678065Z [7:33:19 PM Fail] The pipeline has errored so Module  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0678654Z AddLocalNuGetRepositoryModule will terminate -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0679265Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0682626Z ##[group]GenerateVersionModule -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0688280Z [7:33:19 PM Fail] Module Failed after 00:00:00 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0689415Z System.OperationCanceledException: The operation was canceled. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0690299Z  at System.Threading.CancellationToken.ThrowOperationCanceledException() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0692131Z  at System.Threading.CancellationToken.ThrowIfCancellationRequested() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0693115Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0693973Z ModularPipelines.Engine.Executors.ModuleHandlers.CancellationHandler`1.SetupCanc -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0694546Z ellation() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0695040Z  at ModularPipelines.Modules.d__28.MoveNext() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0695751Z [7:33:19 PM Info] Pipeline has been canceled -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0696719Z [7:33:19 PM Fail] The pipeline has errored so Module GenerateVersionModule will  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0697603Z terminate -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0698055Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0698651Z ##[group]GetPackageProjectsModule -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0699274Z [7:33:19 PM Fail] Module Failed after 00:00:00 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0700649Z System.OperationCanceledException: The operation was canceled. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0702189Z  at System.Threading.CancellationToken.ThrowOperationCanceledException() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0703781Z  at System.Threading.CancellationToken.ThrowIfCancellationRequested() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0704841Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0705962Z ModularPipelines.Engine.Executors.ModuleHandlers.CancellationHandler`1.SetupCanc -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0707044Z ellation() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0707975Z  at ModularPipelines.Modules.d__28.MoveNext() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0709561Z [7:33:19 PM Info] Pipeline has been canceled -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0711148Z [7:33:19 PM Fail] The pipeline has errored so Module GetPackageProjectsModule  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0712274Z will terminate -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0713019Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0714014Z ##[group]PackTUnitFilesModule -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0716090Z [7:33:19 PM Fail] Module Failed after 00:00:00 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0717423Z System.OperationCanceledException: The operation was canceled. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0718930Z  at System.Threading.CancellationToken.ThrowOperationCanceledException() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0720744Z  at System.Threading.CancellationToken.ThrowIfCancellationRequested() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0721789Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0722957Z ModularPipelines.Engine.Executors.ModuleHandlers.CancellationHandler`1.SetupCanc -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0723979Z ellation() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0724911Z  at ModularPipelines.Modules.d__28.MoveNext() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0726182Z [7:33:19 PM Info] Pipeline has been canceled -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0727765Z [7:33:19 PM Fail] The pipeline has errored so Module PackTUnitFilesModule will  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0729222Z terminate -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0730284Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0730981Z ##[group]CopyToLocalNuGetModule -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0732866Z [7:33:19 PM Fail] Module Failed after 00:00:00 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0734216Z System.OperationCanceledException: The operation was canceled. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0735700Z  at System.Threading.CancellationToken.ThrowOperationCanceledException() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0737136Z  at System.Threading.CancellationToken.ThrowIfCancellationRequested() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0738173Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0739123Z ModularPipelines.Engine.Executors.ModuleHandlers.CancellationHandler`1.SetupCanc -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0740075Z ellation() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0740986Z  at ModularPipelines.Modules.d__28.MoveNext() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0741956Z [7:33:19 PM Info] Pipeline has been canceled -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0743310Z [7:33:19 PM Fail] The pipeline has errored so Module CopyToLocalNuGetModule will -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0744714Z terminate -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0745489Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0746980Z ##[group]TestNugetPackageModule -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0752471Z [7:33:19 PM Fail] Module Failed after 00:00:00 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0753515Z System.OperationCanceledException: The operation was canceled. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0754343Z  at System.Threading.CancellationToken.ThrowOperationCanceledException() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0755956Z  at System.Threading.CancellationToken.ThrowIfCancellationRequested() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0756702Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0757330Z ModularPipelines.Engine.Executors.ModuleHandlers.CancellationHandler`1.SetupCanc -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0757866Z ellation() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0758374Z  at ModularPipelines.Modules.d__28.MoveNext() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0759062Z [7:33:19 PM Info] Pipeline has been canceled -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0759879Z [7:33:19 PM Fail] The pipeline has errored so Module TestNugetPackageModule will -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0760730Z terminate -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0761359Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0761772Z ##[group]TestTemplatePackageModule -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0762589Z [7:33:19 PM Fail] Module Failed after 00:00:00 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0763314Z System.OperationCanceledException: The operation was canceled. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0765247Z  at System.Threading.CancellationToken.ThrowOperationCanceledException() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0766186Z  at System.Threading.CancellationToken.ThrowIfCancellationRequested() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0766723Z  at  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0767327Z ModularPipelines.Engine.Executors.ModuleHandlers.CancellationHandler`1.SetupCanc -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0767846Z ellation() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0768331Z  at ModularPipelines.Modules.d__28.MoveNext() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0769002Z [7:33:19 PM Info] Pipeline has been canceled -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0769802Z [7:33:19 PM Fail] The pipeline has errored so Module TestTemplatePackageModule  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0770537Z will terminate -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0771657Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0974711Z ##[group]CommitFilesModule -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0978345Z [7:33:19 PM Info] SkipHandler`1 ignored because: A category of this module has  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0979336Z been ignored and no historical results were found -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0979921Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0980303Z ##[group]CreateReleaseModule -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0982192Z [7:33:19 PM Info] SkipHandler`1 ignored because: A condition to run this module  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0984057Z has not been met - RunOnLinuxOnlyAttribute and no historical results were found -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0985259Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0985956Z ##[group]GenerateReadMeModule -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0987413Z [7:33:19 PM Info] SkipHandler`1 ignored because: A category of this module has  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0988890Z been ignored and no historical results were found -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0990178Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0990853Z ##[group]PushVersionTagModule -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0992330Z [7:33:19 PM Info] SkipHandler`1 ignored because: A condition to run this module  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0994027Z has not been met - RunOnlyOnBranchAttribute and no historical results were found -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0995221Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0995905Z ##[group]TestFSharpNugetPackageModule -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0997392Z [7:33:19 PM Info] SkipHandler`1 ignored because: A condition to run this module  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.0999170Z has not been met - RunOnLinuxOnlyAttribute and no historical results were found -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1000330Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1001269Z ##[group]TestVBNugetPackageModule -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1002766Z [7:33:19 PM Info] SkipHandler`1 ignored because: A condition to run this module  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1004520Z has not been met - RunOnLinuxOnlyAttribute and no historical results were found -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1005870Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1006520Z ##[group]UploadToNuGetModule -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1007978Z [7:33:19 PM Info] SkipHandler`1 ignored because: A condition to run this module  -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1010282Z has not been met - RunOnlyOnBranchAttribute and no historical results were found -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1011419Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1082035Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1470858Z ┌─────────────┬────────────┬────────────┬────────────┬────────────┬────────────┐ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1471688Z │ Module │ Duration │ Status │ Start │ End │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1472342Z ├─────────────┼────────────┼────────────┼────────────┼────────────┼────────────┤ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1473178Z │ CommitFiles │ 0ms │ Skipped │ │ │ A category │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1473925Z │ Module │ │ │ │ │ of this  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1474509Z │ │ │ │ │ │ module has │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1475970Z │ │ │ │ │ │ been  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1476528Z │ │ │ │ │ │ ignored │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1477078Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1477998Z │ CreateRelea │ 0ms │ Skipped │ │ │ A  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1479246Z │ seModule │ │ │ │ │ condition  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1480041Z │ │ │ │ │ │ to run  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1480771Z │ │ │ │ │ │ this  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1481308Z │ │ │ │ │ │ module has │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1481826Z │ │ │ │ │ │ not been  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1482323Z │ │ │ │ │ │ met -  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1482824Z │ │ │ │ │ │ RunOnLinux │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1503434Z │ │ │ │ │ │ OnlyAttrib │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1504192Z │ │ │ │ │ │ ute │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1504795Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1505384Z │ GenerateRea │ 0ms │ Skipped │ │ │ A category │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1506033Z │ dMeModule │ │ │ │ │ of this  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1506580Z │ │ │ │ │ │ module has │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1507002Z │ │ │ │ │ │ been  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1507441Z │ │ │ │ │ │ ignored │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1507864Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1508437Z │ PushVersion │ 0ms │ Skipped │ │ │ A  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1509061Z │ TagModule │ │ │ │ │ condition  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1509562Z │ │ │ │ │ │ to run  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1509995Z │ │ │ │ │ │ this  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1510726Z │ │ │ │ │ │ module has │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1511143Z │ │ │ │ │ │ not been  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1511577Z │ │ │ │ │ │ met -  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1512003Z │ │ │ │ │ │ RunOnlyOnB │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1512409Z │ │ │ │ │ │ ranchAttri │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1512834Z │ │ │ │ │ │ bute │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1513244Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1513816Z │ RunAspNetTe │ 0ms │ Skipped │ │ │ A  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1514991Z │ stsModule │ │ │ │ │ condition  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1515563Z │ │ │ │ │ │ to run  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1516028Z │ │ │ │ │ │ this  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1516433Z │ │ │ │ │ │ module has │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1516877Z │ │ │ │ │ │ not been  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1517321Z │ │ │ │ │ │ met -  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1517757Z │ │ │ │ │ │ RunOnLinux │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1518164Z │ │ │ │ │ │ OnlyAttrib │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1518619Z │ │ │ │ │ │ ute │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1519035Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1519621Z │ RunPlaywrig │ 0ms │ Skipped │ │ │ A  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1520475Z │ htTestsModu │ │ │ │ │ condition  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1521242Z │ le │ │ │ │ │ to run  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1521719Z │ │ │ │ │ │ this  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1522125Z │ │ │ │ │ │ module has │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1522558Z │ │ │ │ │ │ not been  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1523209Z │ │ │ │ │ │ met -  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1523641Z │ │ │ │ │ │ RunOnLinux │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1524045Z │ │ │ │ │ │ OnlyAttrib │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1524473Z │ │ │ │ │ │ ute │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1524883Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1525422Z │ TestFSharpN │ 0ms │ Skipped │ │ │ A  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1526047Z │ ugetPackage │ │ │ │ │ condition  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1526595Z │ Module │ │ │ │ │ to run  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1527195Z │ │ │ │ │ │ this  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1527615Z │ │ │ │ │ │ module has │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1528043Z │ │ │ │ │ │ not been  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1528502Z │ │ │ │ │ │ met -  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1528934Z │ │ │ │ │ │ RunOnLinux │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1529335Z │ │ │ │ │ │ OnlyAttrib │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1529765Z │ │ │ │ │ │ ute │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1530171Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1530728Z │ TestVBNuget │ 0ms │ Skipped │ │ │ A  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1531349Z │ PackageModu │ │ │ │ │ condition  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1531986Z │ le │ │ │ │ │ to run  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1532826Z │ │ │ │ │ │ this  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1533679Z │ │ │ │ │ │ module has │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1534512Z │ │ │ │ │ │ not been  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1535293Z │ │ │ │ │ │ met -  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1536098Z │ │ │ │ │ │ RunOnLinux │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1536949Z │ │ │ │ │ │ OnlyAttrib │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1537767Z │ │ │ │ │ │ ute │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1538560Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1539587Z │ UploadToNuG │ 0ms │ Skipped │ │ │ A  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1540751Z │ etModule │ │ │ │ │ condition  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1541895Z │ │ │ │ │ │ to run  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1542639Z │ │ │ │ │ │ this  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1543371Z │ │ │ │ │ │ module has │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1544481Z │ │ │ │ │ │ not been  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1545292Z │ │ │ │ │ │ met -  │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1546016Z │ │ │ │ │ │ RunOnlyOnB │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1546756Z │ │ │ │ │ │ ranchAttri │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1547511Z │ │ │ │ │ │ bute │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1547961Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1548514Z │ RunAssertio │ 25s & │ Successful │ 7:25:58 PM │ 7:26:24 PM │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1549132Z │ nsAnalyzers │ 917ms │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1549869Z │ TestsModule │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1550332Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1550905Z │ RunRpcTests │ 1s & 657ms │ Successful │ 7:26:24 PM │ 7:26:26 PM │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1551495Z │ Module │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1552090Z │ --net8.0 │ 1s & 651ms │ Successful │ 7:26:24 PM │ 7:26:26 PM │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1552577Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1553160Z │ RunTemplate │ 16s & │ Successful │ 7:26:26 PM │ 7:26:42 PM │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1553759Z │ TestsModule │ 798ms │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1554259Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1554775Z │ RunAssertio │ 14s & 59ms │ Successful │ 7:26:42 PM │ 7:26:56 PM │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1555661Z │ nsTestsModu │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1556177Z │ le │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1556725Z │ --net9.0 │ 3s & 623ms │ Successful │ 7:26:42 PM │ 7:26:46 PM │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1557363Z │ --net8.0 │ 3s & 520ms │ Successful │ 7:26:46 PM │ 7:26:50 PM │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1559852Z │ --net472 │ 6s & 914ms │ Successful │ 7:26:50 PM │ 7:26:56 PM │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1560533Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1561376Z │ RunAssertio │ 7s & 292ms │ Successful │ 7:26:56 PM │ 7:27:04 PM │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1562011Z │ nsCodeFixer │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1562544Z │ sTestsModul │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1563067Z │ e │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1563502Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1564060Z │ RunPublicAP │ 10s & │ Successful │ 7:27:04 PM │ 7:27:14 PM │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1564625Z │ ITestsModul │ 269ms │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1565056Z │ e │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1565584Z │ --net9.0 │ 2s & 898ms │ Successful │ 7:27:04 PM │ 7:27:07 PM │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1566151Z │ --net8.0 │ 2s & 853ms │ Successful │ 7:27:07 PM │ 7:27:10 PM │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1566715Z │ --net472 │ 4s & 516ms │ Successful │ 7:27:10 PM │ 7:27:14 PM │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1567152Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1567636Z │ RunSourceGe │ 17s & │ Successful │ 7:27:14 PM │ 7:27:31 PM │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1568165Z │ neratorTest │ 277ms │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1568611Z │ sModule │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1569117Z │ --net9.0 │ 3s & 765ms │ Successful │ 7:27:14 PM │ 7:27:18 PM │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1569834Z │ --net8.0 │ 3s & 693ms │ Successful │ 7:27:18 PM │ 7:27:22 PM │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1570434Z │ --net472 │ 9s & 817ms │ Successful │ 7:27:22 PM │ 7:27:31 PM │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1570872Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1571351Z │ RunUnitTest │ 10s & │ Successful │ 7:27:31 PM │ 7:27:42 PM │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1571868Z │ sModule │ 620ms │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1572389Z │ --net9.0 │ 2s & 683ms │ Successful │ 7:27:31 PM │ 7:27:34 PM │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1572934Z │ --net8.0 │ 2s & 749ms │ Successful │ 7:27:34 PM │ 7:27:37 PM │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1573490Z │ --net472 │ 5s & 187ms │ Successful │ 7:27:37 PM │ 7:27:42 PM │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1573953Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1574415Z │ RunAnalyzer │ 25s & │ Successful │ 7:27:42 PM │ 7:28:07 PM │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1574940Z │ sTestsModul │ 120ms │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1575376Z │ e │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1575732Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1576204Z │ PublishAOTM │ 2m & 26s │ Successful │ 7:28:07 PM │ 7:30:34 PM │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1576699Z │ odule │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1577063Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1577713Z │ PublishSing │ 1m & 1s │ Successful │ 7:30:34 PM │ 7:31:35 PM │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1578614Z │ leFileModul │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1579067Z │ e │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1579431Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1579951Z │ RunEngineTe │ 1m & 42s │ Failed │ 7:31:35 PM │ 7:33:18 PM │ CommandExc │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1580510Z │ stsModule │ │ │ │ │ eption │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1580943Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1581442Z │ AddLocalNuG │ 0ms │ Pipeline  │ │ 2025/09/28 │ OperationC │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1582219Z │ etRepositor │ │ Terminated │ │ 7:33:19 PM │ anceledExc │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1582778Z │ yModule │ │ │ │ │ eption │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1583195Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1583693Z │ GenerateVer │ 0ms │ Pipeline  │ │ 2025/09/28 │ OperationC │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1584316Z │ sionModule │ │ Terminated │ │ 7:33:19 PM │ anceledExc │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1584802Z │ │ │ │ │ │ eption │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1585150Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1585667Z │ GetPackageP │ 0ms │ Pipeline  │ │ 2025/09/28 │ OperationC │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1586277Z │ rojectsModu │ │ Terminated │ │ 7:33:19 PM │ anceledExc │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1586785Z │ le │ │ │ │ │ eption │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1587160Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1587642Z │ PackTUnitFi │ 0ms │ Pipeline  │ │ 2025/09/28 │ OperationC │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1588239Z │ lesModule │ │ Terminated │ │ 7:33:19 PM │ anceledExc │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1588713Z │ │ │ │ │ │ eption │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1589049Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1589562Z │ CopyToLocal │ 0ms │ Pipeline  │ │ 2025/09/28 │ OperationC │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1590181Z │ NuGetModule │ │ Terminated │ │ 7:33:19 PM │ anceledExc │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1590684Z │ │ │ │ │ │ eption │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1591024Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1591529Z │ TestNugetPa │ 0ms │ Pipeline  │ │ 2025/09/28 │ OperationC │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1592149Z │ ckageModule │ │ Terminated │ │ 7:33:19 PM │ anceledExc │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1592631Z │ │ │ │ │ │ eption │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1593092Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1593609Z │ TestTemplat │ 0ms │ Pipeline  │ │ 2025/09/28 │ OperationC │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1594221Z │ ePackageMod │ │ Terminated │ │ 7:33:19 PM │ anceledExc │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1594736Z │ ule │ │ │ │ │ eption │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1595120Z │ │ │ │ │ │ │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1595549Z │ Total │ 7m & 20s │ Failed │ 7:25:58 PM │ 7:33:19 PM │ ... │ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1596010Z └─────────────┴────────────┴────────────┴────────────┴────────────┴────────────┘ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1596203Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1596650Z [7:33:19 PM Info] Pipeline failed due to: ModuleFailedException -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1665477Z Unhandled exception: ModularPipelines.Exceptions.ModuleFailedException: The module RunEngineTestsModule has failed. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1666123Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1666128Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1667149Z Input: dotnet run --configuration Release --framework net9.0 --no-build --project TUnit.Engine.Tests.csproj --hangdump --hangdump-filename hangdump.Win32NT.engine-tests.dmp --hangdump-timeout 30m --timeout 35m --fail-fast -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1668480Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1669007Z Error: Unhandled exception. System.Exception: Error asserting results for AfterTestAttributeTests: "Failed" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1669456Z should be -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1669609Z "Completed" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1669755Z but was not -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1669912Z difference -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1670145Z Difference | | | | | | | | | | -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1670423Z | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1670723Z Index | 0 1 2 3 4 5 6 7 8 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1671065Z Expected Value | C o m p l e t e d -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1671412Z Actual Value | F a i l e d -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1671755Z Expected Code | 67 111 109 112 108 101 116 101 100 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1672086Z Actual Code | 70 97 105 108 101 100 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1672272Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1672332Z Expression: [ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1672585Z result => result.ResultSummary.Outcome.ShouldBe("Completed"), -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1672971Z result => result.ResultSummary.Counters.Total.ShouldBe(1), -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1673352Z result => result.ResultSummary.Counters.Passed.ShouldBe(1), -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1673736Z result => result.ResultSummary.Counters.Failed.ShouldBe(0), -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1674318Z result => result.ResultSummary.Counters.NotExecuted.ShouldBe(0), -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1674821Z _ => FindFile(x => x.Name.EndsWith("AfterTestAttributeTests.txt")).AssertExists() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1675169Z ] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1675364Z ---> Shouldly.ShouldAssertException: "Failed" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1675602Z should be -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1675745Z "Completed" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1675887Z but was not -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1676037Z difference -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1676263Z Difference | | | | | | | | | | -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1676526Z | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1676793Z Index | 0 1 2 3 4 5 6 7 8 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1677099Z Expected Value | C o m p l e t e d -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1677424Z Actual Value | F a i l e d -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1677747Z Expected Code | 67 111 109 112 108 101 116 101 100 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1678079Z Actual Code | 70 97 105 108 101 100 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1678875Z at TUnit.Engine.Tests.AfterTestAttributeTests.<>c.b__1_0(TestRun result) in /_/TUnit.Engine.Tests/AfterTestAttributeTests.cs:line 15 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1679778Z at TUnit.Engine.Tests.TrxAsserter.<>c__DisplayClass0_1.b__1(Action`1 x) in /_/TUnit.Engine.Tests/TrxAsserter.cs:line 23 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1680428Z at System.Collections.Generic.List`1.ForEach(Action`1 action) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1681370Z at TUnit.Engine.Tests.TrxAsserter.AssertTrx(TestMode testMode, Command command, BufferedCommandResult commandResult, List`1 assertions, String trxFilename, String assertionExpression) in /_/TUnit.Engine.Tests/TrxAsserter.cs:line 23 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1682330Z --- End of inner exception stack trace --- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1683196Z at TUnit.Engine.Scheduling.TestScheduler.WaitForTasksWithFailFastHandling(Task[] tasks, CancellationToken cancellationToken) in /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 368 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1684776Z at TUnit.Engine.Scheduling.TestScheduler.ExecuteGroupedTestsAsync(GroupedTests groupedTests, CancellationToken cancellationToken) in /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 144 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1688840Z at TUnit.Engine.Scheduling.TestScheduler.ScheduleAndExecuteAsync(List`1 testList, CancellationToken cancellationToken) in /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 103 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1690839Z at TUnit.Engine.TestSessionCoordinator.ExecuteTestsCore(List`1 testList, CancellationToken cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 112 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1693097Z at TUnit.Engine.TestSessionCoordinator.ExecuteTests(IEnumerable`1 tests, ITestExecutionFilter filter, IMessageBus messageBus, CancellationToken cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 54 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1695619Z at TUnit.Engine.TestSessionCoordinator.ExecuteTests(IEnumerable`1 tests, ITestExecutionFilter filter, IMessageBus messageBus, CancellationToken cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 58 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1698684Z at TUnit.Engine.Framework.TestRequestHandler.HandleRunRequestAsync(TUnitServiceProvider serviceProvider, RunTestExecutionRequest request, ExecuteRequestContext context, ITestExecutionFilter testExecutionFilter) in /_/TUnit.Engine/Framework/TestRequestHandler.cs:line 79 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1702424Z at TUnit.Engine.Framework.TestRequestHandler.HandleRequestAsync(TestExecutionRequest request, TUnitServiceProvider serviceProvider, ExecuteRequestContext context, ITestExecutionFilter testExecutionFilter) in /_/TUnit.Engine/Framework/TestRequestHandler.cs:line 19 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1704997Z at TUnit.Engine.Framework.TUnitTestFramework.ExecuteRequestAsync(ExecuteRequestContext context) in /_/TUnit.Engine/Framework/TUnitTestFramework.cs:line 60 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1706821Z at TUnit.Engine.Framework.TUnitTestFramework.ExecuteRequestAsync(ExecuteRequestContext context) in /_/TUnit.Engine/Framework/TUnitTestFramework.cs:line 81 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1710874Z at Microsoft.Testing.Platform.Requests.TestHostTestFrameworkInvoker.ExecuteRequestAsync(ITestFramework testFramework, TestExecutionRequest request, IMessageBus messageBus, CancellationToken cancellationToken) in /_/src/Platform/Microsoft.Testing.Platform/Requests/TestHostTestFrameworkInvoker.cs:line 72 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1714419Z at Microsoft.Testing.Platform.Requests.TestHostTestFrameworkInvoker.ExecuteAsync(ITestFramework testFramework, ClientInfo client, CancellationToken cancellationToken) in /_/src/Platform/Microsoft.Testing.Platform/Requests/TestHostTestFrameworkInvoker.cs:line 61 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1718403Z at Microsoft.Testing.Platform.Hosts.CommonHost.ExecuteRequestAsync(ProxyOutputDevice outputDevice, ITestSessionContext testSessionInfo, ServiceProvider serviceProvider, BaseMessageBus baseMessageBus, ITestFramework testFramework, ClientInfo client) in /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 143 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1720151Z at Microsoft.Testing.Platform.Hosts.ConsoleTestHost.InternalRunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/ConsoleTestHost.cs:line 83 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1721192Z at Microsoft.Testing.Platform.Hosts.ConsoleTestHost.InternalRunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/ConsoleTestHost.cs:line 115 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1722388Z at Microsoft.Testing.Platform.Hosts.CommonHost.RunTestAppAsync(CancellationToken testApplicationCancellationToken) in /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 115 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1723510Z at Microsoft.Testing.Platform.Hosts.CommonHost.RunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 38 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1724396Z at Microsoft.Testing.Platform.Hosts.CommonHost.RunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 74 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1725540Z at Microsoft.Testing.Platform.Hosts.TestHostControlledHost.RunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/TestHostControlledHost.cs:line 23 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1726578Z at Microsoft.Testing.Platform.Builder.TestApplication.RunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Builder/TestApplication.cs:line 222 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1727466Z at TestingPlatformEntryPoint.Main(String[] args) in /_/TUnit.Engine.Tests/obj/Release/net9.0/TestPlatformEntryPoint.cs:line 16 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1728023Z at TestingPlatformEntryPoint.
(String[] args) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1728226Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1728232Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1728295Z Exit Code: 7 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1728521Z ---> ModularPipelines.Exceptions.CommandException: -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1729496Z Input: dotnet run --configuration Release --framework net9.0 --no-build --project TUnit.Engine.Tests.csproj --hangdump --hangdump-filename hangdump.Win32NT.engine-tests.dmp --hangdump-timeout 30m --timeout 35m --fail-fast -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1730243Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1730579Z Error: Unhandled exception. System.Exception: Error asserting results for AfterTestAttributeTests: "Failed" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1731000Z should be -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1731150Z "Completed" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1731293Z but was not -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1731435Z difference -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1731666Z Difference | | | | | | | | | | -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1731926Z | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1732190Z Index | 0 1 2 3 4 5 6 7 8 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1732501Z Expected Value | C o m p l e t e d -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1732826Z Actual Value | F a i l e d -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1733186Z Expected Code | 67 111 109 112 108 101 116 101 100 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1733500Z Actual Code | 70 97 105 108 101 100 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1734169Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1734232Z Expression: [ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1734489Z result => result.ResultSummary.Outcome.ShouldBe("Completed"), -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1734867Z result => result.ResultSummary.Counters.Total.ShouldBe(1), -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1735247Z result => result.ResultSummary.Counters.Passed.ShouldBe(1), -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1735620Z result => result.ResultSummary.Counters.Failed.ShouldBe(0), -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1736022Z result => result.ResultSummary.Counters.NotExecuted.ShouldBe(0), -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1736460Z _ => FindFile(x => x.Name.EndsWith("AfterTestAttributeTests.txt")).AssertExists() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1736794Z ] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1737342Z ---> Shouldly.ShouldAssertException: "Failed" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1737584Z should be -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1737731Z "Completed" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1737877Z but was not -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1738022Z difference -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1738254Z Difference | | | | | | | | | | -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1738520Z | \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ \|/ -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1738779Z Index | 0 1 2 3 4 5 6 7 8 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1739091Z Expected Value | C o m p l e t e d -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1739424Z Actual Value | F a i l e d -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1739740Z Expected Code | 67 111 109 112 108 101 116 101 100 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1740058Z Actual Code | 70 97 105 108 101 100 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1740665Z at TUnit.Engine.Tests.AfterTestAttributeTests.<>c.b__1_0(TestRun result) in /_/TUnit.Engine.Tests/AfterTestAttributeTests.cs:line 15 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1741467Z at TUnit.Engine.Tests.TrxAsserter.<>c__DisplayClass0_1.b__1(Action`1 x) in /_/TUnit.Engine.Tests/TrxAsserter.cs:line 23 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1742159Z at System.Collections.Generic.List`1.ForEach(Action`1 action) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1743112Z at TUnit.Engine.Tests.TrxAsserter.AssertTrx(TestMode testMode, Command command, BufferedCommandResult commandResult, List`1 assertions, String trxFilename, String assertionExpression) in /_/TUnit.Engine.Tests/TrxAsserter.cs:line 23 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1744003Z --- End of inner exception stack trace --- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1744747Z at TUnit.Engine.Scheduling.TestScheduler.WaitForTasksWithFailFastHandling(Task[] tasks, CancellationToken cancellationToken) in /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 368 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1745993Z at TUnit.Engine.Scheduling.TestScheduler.ExecuteGroupedTestsAsync(GroupedTests groupedTests, CancellationToken cancellationToken) in /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 144 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1747197Z at TUnit.Engine.Scheduling.TestScheduler.ScheduleAndExecuteAsync(List`1 testList, CancellationToken cancellationToken) in /_/TUnit.Engine/Scheduling/TestScheduler.cs:line 103 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1748323Z at TUnit.Engine.TestSessionCoordinator.ExecuteTestsCore(List`1 testList, CancellationToken cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 112 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1749589Z at TUnit.Engine.TestSessionCoordinator.ExecuteTests(IEnumerable`1 tests, ITestExecutionFilter filter, IMessageBus messageBus, CancellationToken cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 54 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1751026Z at TUnit.Engine.TestSessionCoordinator.ExecuteTests(IEnumerable`1 tests, ITestExecutionFilter filter, IMessageBus messageBus, CancellationToken cancellationToken) in /_/TUnit.Engine/TestSessionCoordinator.cs:line 58 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1752698Z at TUnit.Engine.Framework.TestRequestHandler.HandleRunRequestAsync(TUnitServiceProvider serviceProvider, RunTestExecutionRequest request, ExecuteRequestContext context, ITestExecutionFilter testExecutionFilter) in /_/TUnit.Engine/Framework/TestRequestHandler.cs:line 79 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1754929Z at TUnit.Engine.Framework.TestRequestHandler.HandleRequestAsync(TestExecutionRequest request, TUnitServiceProvider serviceProvider, ExecuteRequestContext context, ITestExecutionFilter testExecutionFilter) in /_/TUnit.Engine/Framework/TestRequestHandler.cs:line 19 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1756377Z at TUnit.Engine.Framework.TUnitTestFramework.ExecuteRequestAsync(ExecuteRequestContext context) in /_/TUnit.Engine/Framework/TUnitTestFramework.cs:line 60 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1757749Z at TUnit.Engine.Framework.TUnitTestFramework.ExecuteRequestAsync(ExecuteRequestContext context) in /_/TUnit.Engine/Framework/TUnitTestFramework.cs:line 81 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1759370Z at Microsoft.Testing.Platform.Requests.TestHostTestFrameworkInvoker.ExecuteRequestAsync(ITestFramework testFramework, TestExecutionRequest request, IMessageBus messageBus, CancellationToken cancellationToken) in /_/src/Platform/Microsoft.Testing.Platform/Requests/TestHostTestFrameworkInvoker.cs:line 72 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1761394Z at Microsoft.Testing.Platform.Requests.TestHostTestFrameworkInvoker.ExecuteAsync(ITestFramework testFramework, ClientInfo client, CancellationToken cancellationToken) in /_/src/Platform/Microsoft.Testing.Platform/Requests/TestHostTestFrameworkInvoker.cs:line 61 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1763452Z at Microsoft.Testing.Platform.Hosts.CommonHost.ExecuteRequestAsync(ProxyOutputDevice outputDevice, ITestSessionContext testSessionInfo, ServiceProvider serviceProvider, BaseMessageBus baseMessageBus, ITestFramework testFramework, ClientInfo client) in /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 143 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1765096Z at Microsoft.Testing.Platform.Hosts.ConsoleTestHost.InternalRunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/ConsoleTestHost.cs:line 83 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1766110Z at Microsoft.Testing.Platform.Hosts.ConsoleTestHost.InternalRunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/ConsoleTestHost.cs:line 115 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1767412Z at Microsoft.Testing.Platform.Hosts.CommonHost.RunTestAppAsync(CancellationToken testApplicationCancellationToken) in /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 115 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1768545Z at Microsoft.Testing.Platform.Hosts.CommonHost.RunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 38 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1769426Z at Microsoft.Testing.Platform.Hosts.CommonHost.RunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/CommonTestHost.cs:line 74 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1770389Z at Microsoft.Testing.Platform.Hosts.TestHostControlledHost.RunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Hosts/TestHostControlledHost.cs:line 23 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1771407Z at Microsoft.Testing.Platform.Builder.TestApplication.RunAsync() in /_/src/Platform/Microsoft.Testing.Platform/Builder/TestApplication.cs:line 222 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1772301Z at TestingPlatformEntryPoint.Main(String[] args) in /_/TUnit.Engine.Tests/obj/Release/net9.0/TestPlatformEntryPoint.cs:line 16 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1772851Z at TestingPlatformEntryPoint.
(String[] args) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1773055Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1773060Z -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1773116Z Exit Code: 7 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1773573Z at ModularPipelines.Context.Command.Of(Command command, CommandLineToolOptions options, CancellationToken cancellationToken) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1774422Z at ModularPipelines.Context.Command.ExecuteCommandLineTool(CommandLineToolOptions options, CancellationToken cancellationToken) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1775175Z at ModularPipelines.DotNet.Services.DotNet.Run(DotNetRunOptions options, CancellationToken token) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1776122Z at TUnit.Pipeline.Modules.RunEngineTestsModule.ExecuteAsync(IPipelineContext context, CancellationToken cancellationToken) in /_/TUnit.Pipeline/Modules/RunEngineTestsModule.cs:line 33 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1777031Z at ModularPipelines.Modules.Module`1.<>c__DisplayClass36_0.<b__0>d.MoveNext() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1778186Z --- End of stack trace from previous location --- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1779664Z at Polly.Retry.AsyncRetryEngine.ImplementationAsync[TResult](Func`3 action, Context context, ExceptionPredicates shouldRetryExceptionPredicates, ResultPredicates`1 shouldRetryResultPredicates, Func`5 onRetryAsync, CancellationToken cancellationToken, Int32 permittedRetryCount, IEnumerable`1 sleepDurationsEnumerable, Func`4 sleepDurationProvider, Boolean continueOnCapturedContext) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1781463Z at Polly.AsyncPolicy`1.ExecuteInternalAsync(Func`3 action, Context context, Boolean continueOnCapturedContext, CancellationToken cancellationToken) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1782106Z at ModularPipelines.Modules.Module`1.ExecuteInternal() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1782441Z at ModularPipelines.Modules.Module`1.StartInternal() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1782734Z --- End of inner exception stack trace --- -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1783303Z at ModularPipelines.Engine.Executors.PipelineExecutor.ExecuteAsync(List`1 runnableModules, OrganizedModules organizedModules) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1784209Z at ModularPipelines.Engine.Executors.ExecutionOrchestrator.ExecutePipeline(List`1 runnableModules, OrganizedModules organizedModules) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1785157Z at ModularPipelines.Engine.Executors.ExecutionOrchestrator.ExecutePipeline(List`1 runnableModules, OrganizedModules organizedModules) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1786085Z at ModularPipelines.Engine.Executors.ExecutionOrchestrator.ExecutePipeline(List`1 runnableModules, OrganizedModules organizedModules) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1786949Z at ModularPipelines.Engine.Executors.ExecutionOrchestrator.ExecuteInternal(CancellationToken cancellationToken) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1787746Z at ModularPipelines.Engine.Executors.ExecutionOrchestrator.ExecuteInternal(CancellationToken cancellationToken) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1788518Z at ModularPipelines.Engine.Executors.ExecutionOrchestrator.ExecuteAsync(CancellationToken cancellationToken) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1789344Z at ModularPipelines.Extensions.HostExtensions.ExecutePipelineAsync(IPipelineHost host) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1789899Z at ModularPipelines.Host.PipelineHostBuilder.ExecutePipelineAsync() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1790367Z at ModularPipelines.Host.PipelineHostBuilder.ExecutePipelineAsync() -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1790903Z at Program.<>c__DisplayClass0_0.<
$>b__0(ParseResult parseResult) in /_/TUnit.Pipeline/Program.cs:line 45 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1791479Z at System.CommandLine.Command.<>c__DisplayClass30_0.b__0(ParseResult context) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1792124Z at System.CommandLine.Invocation.AnonymousSynchronousCommandLineAction.Invoke(ParseResult parseResult) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.1792937Z at System.CommandLine.Invocation.InvocationPipeline.InvokeAsync(ParseResult parseResult, CancellationToken cancellationToken) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.2196770Z ##[error]Process completed with exit code 1. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.2499154Z ##[group]Run actions/upload-artifact@v4.6.2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.2499505Z with: -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.2499724Z name: TestingPlatformDiagnosticLogswindows-latest -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.2500008Z path: **/log_*.diag -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.2500205Z if-no-files-found: warn -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.2500396Z compression-level: 6 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.2500582Z overwrite: false -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.2500757Z include-hidden-files: false -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.2500939Z env: -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.2501101Z DOTNET_ROOT: C:\Program Files\dotnet -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:19.2501325Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:24.0629847Z With the provided path, there will be 32 files uploaded -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:24.0639162Z Artifact name is valid! -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:24.0641939Z Root directory input is valid! -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:24.3547387Z Beginning upload of artifact content to blob storage -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:24.7266934Z Uploaded bytes 66664 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:24.7848540Z Finished uploading artifact content to blob storage! -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:24.7852604Z SHA256 digest of uploaded artifact zip is 249e8745f8c0260232723cce65189fb31a176917fec1b57ee0c1ebf849556ff0 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:24.7855135Z Finalizing artifact upload -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:24.9107549Z Artifact TestingPlatformDiagnosticLogswindows-latest.zip successfully finalized. Artifact ID 4126662940 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:24.9108964Z Artifact TestingPlatformDiagnosticLogswindows-latest has been successfully uploaded! Final size is 66664 bytes. Artifact ID is 4126662940 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:24.9122133Z Artifact download URL: https://github.com/thomhurst/TUnit/actions/runs/18078685560/artifacts/4126662940 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:24.9460241Z ##[group]Run actions/upload-artifact@v4.6.2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:24.9460590Z with: -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:24.9460774Z name: HangDumpwindows-latest -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:24.9461000Z path: **/hangdump* -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:24.9461197Z if-no-files-found: warn -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:24.9461402Z compression-level: 6 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:24.9461577Z overwrite: false -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:24.9461758Z include-hidden-files: false -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:24.9461973Z env: -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:24.9462140Z DOTNET_ROOT: C:\Program Files\dotnet -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:24.9462377Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:28.7350360Z ##[warning]No files were found with the provided path: **/hangdump*. No artifacts will be uploaded. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:28.7636356Z ##[group]Run actions/upload-artifact@v4.6.2 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:28.7636694Z with: -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:28.7636878Z name: NuGetPackages-windows-latest -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:28.7637118Z path: **/*.*nupkg -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:28.7637303Z if-no-files-found: warn -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:28.7637495Z compression-level: 6 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:28.7637675Z overwrite: false -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:28.7637852Z include-hidden-files: false -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:28.7638049Z env: -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:28.7638213Z DOTNET_ROOT: C:\Program Files\dotnet -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:28.7638428Z ##[endgroup] -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:32.5692008Z With the provided path, there will be 9 files uploaded -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:32.5698681Z Artifact name is valid! -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:32.5702371Z Root directory input is valid! -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:32.8214077Z Beginning upload of artifact content to blob storage -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:33.1122978Z Uploaded bytes 16399 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:33.1719533Z Finished uploading artifact content to blob storage! -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:33.1723395Z SHA256 digest of uploaded artifact zip is 65bac5463004b936ddde5686806927ee2f6b38b5f860820a431c162949d3a55c -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:33.1726009Z Finalizing artifact upload -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:33.3025296Z Artifact NuGetPackages-windows-latest.zip successfully finalized. Artifact ID 4126663347 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:33.3027031Z Artifact NuGetPackages-windows-latest has been successfully uploaded! Final size is 16399 bytes. Artifact ID is 4126663347 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:33.3040827Z Artifact download URL: https://github.com/thomhurst/TUnit/actions/runs/18078685560/artifacts/4126663347 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:33.3407321Z Post job cleanup. -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:33.6039343Z [command]"C:\Program Files\Git\bin\git.exe" version -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:33.7097513Z git version 2.51.0.windows.1 -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:33.7175475Z Temporarily overriding HOME='D:\a\_temp\e91268d4-bedb-4e5c-a031-b8790c1ce962' before making global git config changes -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:33.7176764Z Adding repository directory to the temporary git global config as a safe directory -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:33.7186453Z [command]"C:\Program Files\Git\bin\git.exe" config --global --add safe.directory D:\a\TUnit\TUnit -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:33.7620206Z [command]"C:\Program Files\Git\bin\git.exe" config --local --name-only --get-regexp core\.sshCommand -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:33.7950003Z [command]"C:\Program Files\Git\bin\git.exe" submodule foreach --recursive "sh -c \"git config --local --name-only --get-regexp 'core\.sshCommand' && git config --local --unset-all 'core.sshCommand' || :\"" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:34.4463290Z [command]"C:\Program Files\Git\bin\git.exe" config --local --name-only --get-regexp http\.https\:\/\/github\.com\/\.extraheader -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:34.4729264Z http.https://github.com/.extraheader -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:34.4774186Z [command]"C:\Program Files\Git\bin\git.exe" config --local --unset-all http.https://github.com/.extraheader -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:34.5091126Z [command]"C:\Program Files\Git\bin\git.exe" submodule foreach --recursive "sh -c \"git config --local --name-only --get-regexp 'http\.https\:\/\/github\.com\/\.extraheader' && git config --local --unset-all 'http.https://github.com/.extraheader' || :\"" -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:35.0648204Z Cleaning up orphan processes -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:35.0913745Z Terminate orphan process: pid (7404) (dotnet) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:35.1087455Z Terminate orphan process: pid (7648) (dotnet) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:35.1173109Z Terminate orphan process: pid (7232) (dotnet) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:35.1250999Z Terminate orphan process: pid (8908) (conhost) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:35.1450876Z Terminate orphan process: pid (2896) (vctip) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:35.1561701Z Terminate orphan process: pid (3624) (dotnet) -modularpipeline (windows-latest) UNKNOWN STEP 2025-09-28T19:33:35.1630665Z Terminate orphan process: pid (1840) (conhost) diff --git a/test_output.txt b/test_output.txt deleted file mode 100644 index 58a514a21e..0000000000 --- a/test_output.txt +++ /dev/null @@ -1,471 +0,0 @@ - Removing SourceGeneratedViewer directory... -C:\Program Files\dotnet\sdk\10.0.100-rc.1.25451.107\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.RuntimeIdentifierInference.targets(345,5): message NETSDK1057: You are using a preview version of .NET. See: https://aka.ms/dotnet-support-policy [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net472] - Removing SourceGeneratedViewer directory... -C:\Program Files\dotnet\sdk\10.0.100-rc.1.25451.107\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.RuntimeIdentifierInference.targets(345,5): message NETSDK1057: You are using a preview version of .NET. See: https://aka.ms/dotnet-support-policy [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net9.0] - Removing SourceGeneratedViewer directory... -C:\Program Files\dotnet\sdk\10.0.100-rc.1.25451.107\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.RuntimeIdentifierInference.targets(345,5): message NETSDK1057: You are using a preview version of .NET. See: https://aka.ms/dotnet-support-policy [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net10.0] - Removing SourceGeneratedViewer directory... -C:\Program Files\dotnet\sdk\10.0.100-rc.1.25451.107\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.RuntimeIdentifierInference.targets(345,5): message NETSDK1057: You are using a preview version of .NET. See: https://aka.ms/dotnet-support-policy [C:\git\TUnit\TUnit.Assertions.Tests\TUnit.Assertions.Tests.csproj::TargetFramework=net8.0] -C:\Program Files\dotnet\sdk\10.0.100-rc.1.25451.107\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.RuntimeIdentifierInference.targets(345,5): message NETSDK1057: You are using a preview version of .NET. See: https://aka.ms/dotnet-support-policy [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\Program Files\dotnet\sdk\10.0.100-rc.1.25451.107\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.RuntimeIdentifierInference.targets(345,5): message NETSDK1057: You are using a preview version of .NET. See: https://aka.ms/dotnet-support-policy [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=netstandard2.0] -C:\Program Files\dotnet\sdk\10.0.100-rc.1.25451.107\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.RuntimeIdentifierInference.targets(345,5): message NETSDK1057: You are using a preview version of .NET. See: https://aka.ms/dotnet-support-policy [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net9.0] -C:\Program Files\dotnet\sdk\10.0.100-rc.1.25451.107\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.RuntimeIdentifierInference.targets(345,5): message NETSDK1057: You are using a preview version of .NET. See: https://aka.ms/dotnet-support-policy [C:\git\TUnit\TUnit.Core\TUnit.Core.csproj::TargetFramework=net9.0] -C:\Program Files\dotnet\sdk\10.0.100-rc.1.25451.107\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.RuntimeIdentifierInference.targets(345,5): message NETSDK1057: You are using a preview version of .NET. See: https://aka.ms/dotnet-support-policy [C:\git\TUnit\TUnit\TUnit.csproj::TargetFramework=net8.0] -C:\Program Files\dotnet\sdk\10.0.100-rc.1.25451.107\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.RuntimeIdentifierInference.targets(345,5): message NETSDK1057: You are using a preview version of .NET. See: https://aka.ms/dotnet-support-policy [C:\git\TUnit\TUnit.Core\TUnit.Core.csproj::TargetFramework=net8.0] -C:\Program Files\dotnet\sdk\10.0.100-rc.1.25451.107\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.RuntimeIdentifierInference.targets(345,5): message NETSDK1057: You are using a preview version of .NET. See: https://aka.ms/dotnet-support-policy [C:\git\TUnit\TUnit\TUnit.csproj::TargetFramework=net9.0] -C:\Program Files\dotnet\sdk\10.0.100-rc.1.25451.107\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.RuntimeIdentifierInference.targets(345,5): message NETSDK1057: You are using a preview version of .NET. See: https://aka.ms/dotnet-support-policy [C:\git\TUnit\TUnit.Core\TUnit.Core.csproj::TargetFramework=net10.0] -C:\Program Files\dotnet\sdk\10.0.100-rc.1.25451.107\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.RuntimeIdentifierInference.targets(345,5): message NETSDK1057: You are using a preview version of .NET. See: https://aka.ms/dotnet-support-policy [C:\git\TUnit\TUnit.Engine\TUnit.Engine.csproj::TargetFramework=net10.0] -C:\Program Files\dotnet\sdk\10.0.100-rc.1.25451.107\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.RuntimeIdentifierInference.targets(345,5): message NETSDK1057: You are using a preview version of .NET. See: https://aka.ms/dotnet-support-policy [C:\git\TUnit\TUnit\TUnit.csproj::TargetFramework=net10.0] -C:\Program Files\dotnet\sdk\10.0.100-rc.1.25451.107\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.RuntimeIdentifierInference.targets(345,5): message NETSDK1057: You are using a preview version of .NET. See: https://aka.ms/dotnet-support-policy [C:\git\TUnit\TUnit.Assertions.SourceGenerator\TUnit.Assertions.SourceGenerator.csproj::TargetFramework=netstandard2.0] -C:\Program Files\dotnet\sdk\10.0.100-rc.1.25451.107\Sdks\Microsoft.NET.Sdk\targets\Microsoft.NET.RuntimeIdentifierInference.targets(345,5): message NETSDK1057: You are using a preview version of .NET. See: https://aka.ms/dotnet-support-policy [C:\git\TUnit\TUnit.Assertions.Analyzers.CodeFixers\TUnit.Assertions.Analyzers.CodeFixers.csproj::TargetFramework=netstandard2.0] - TUnit.Core -> C:\git\TUnit\TUnit.Core\bin\Debug\netstandard2.0\TUnit.Core.dll - TUnit.Core -> C:\git\TUnit\TUnit.Core\bin\Debug\net8.0\TUnit.Core.dll - TUnit.Core -> C:\git\TUnit\TUnit.Core\bin\Debug\net9.0\TUnit.Core.dll - TUnit.Core -> C:\git\TUnit\TUnit.Core\bin\Debug\net10.0\TUnit.Core.dll - TUnit.Assertions.Analyzers -> C:\git\TUnit\TUnit.Assertions.Analyzers\bin\Debug\netstandard2.0\TUnit.Assertions.Analyzers.dll - TUnit.Assertions.SourceGenerator -> C:\git\TUnit\TUnit.Assertions.SourceGenerator\bin\Debug\netstandard2.0\TUnit.Assertions.SourceGenerator.dll - TUnit.Engine -> C:\git\TUnit\TUnit.Engine\bin\Debug\netstandard2.0\TUnit.Engine.dll - TUnit.Engine -> C:\git\TUnit\TUnit.Engine\bin\Debug\net8.0\TUnit.Engine.dll - TUnit.Assertions.Analyzers.CodeFixers -> C:\git\TUnit\TUnit.Assertions.Analyzers.CodeFixers\bin\Debug\netstandard2.0\TUnit.Assertions.Analyzers.CodeFixers.dll - TUnit.Engine -> C:\git\TUnit\TUnit.Engine\bin\Debug\net9.0\TUnit.Engine.dll - TUnit.Engine -> C:\git\TUnit\TUnit.Engine\bin\Debug\net10.0\TUnit.Engine.dll -C:\git\TUnit\TUnit.Assertions\Assertions\Strings\ParseAssertions.cs(33,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Assertions\Strings\ParseAssertions.cs(132,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Assertions\Strings\ParseAssertions.cs(261,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\BetweenAssertion.cs(73,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\BetweenAssertion.cs(73,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(22,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(63,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Sources\AsyncFuncAssertion.cs(31,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(111,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Sources\CollectionAssertion.cs(19,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(156,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Sources\DictionaryAssertion.cs(19,46): error CS0115: 'DictionaryAssertion.CheckAsync(IReadOnlyDictionary?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Sources\FuncAssertion.cs(32,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Assertions\Strings\ParseAssertions.cs(261,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Assertions\Strings\ParseAssertions.cs(33,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Assertions\Strings\ParseAssertions.cs(132,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Sources\ValueAssertion.cs(18,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(487,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(426,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CompletesWithinAssertion.cs(26,52): error CS0115: 'CompletesWithinActionAssertion.CheckAsync(object?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(522,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(628,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CompletesWithinAssertion.cs(76,52): error CS0115: 'CompletesWithinAsyncAssertion.CheckAsync(object?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(676,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(120,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(580,52): error CS0115: 'CollectionAllSatisfyMappedAssertion.CheckAsync(TCollection?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(16,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(42,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(146,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(68,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(198,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(94,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(172,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(224,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\DictionaryAssertions.cs(25,46): error CS0115: 'DictionaryContainsKeyAssertion.CheckAsync(IReadOnlyDictionary?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\DictionaryAssertions.cs(69,46): error CS0115: 'DictionaryDoesNotContainKeyAssertion.CheckAsync(IReadOnlyDictionary?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(119,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(15,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(145,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(41,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(171,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(67,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(16,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(197,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(93,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(46,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(209,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EqualsAssertion.cs(259,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\GreaterThanAssertion.cs(24,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(22,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(63,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(111,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(239,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(156,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(76,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(201,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(272,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(241,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(110,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Sources\AsyncFuncAssertion.cs(31,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\GreaterThanAssertion.cs(58,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(305,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(426,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(144,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(345,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(338,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(487,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\HasDistinctItemsAssertion.cs(19,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(522,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(371,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(390,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(179,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\LessThanAssertion.cs(57,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Sources\CollectionAssertion.cs(19,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MappedSatisfiesAssertion.cs(93,52): error CS0115: 'AsyncMappedSatisfiesAssertion.CheckAsync(TValue?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(580,52): error CS0115: 'CollectionAllSatisfyMappedAssertion.CheckAsync(TCollection?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MappedSatisfiesAssertion.cs(31,52): error CS0115: 'MappedSatisfiesAssertion.CheckAsync(TValue?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\IsEquivalentToAssertion.cs(37,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(16,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(133,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MemberAssertion.cs(39,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CompletesWithinAssertion.cs(26,52): error CS0115: 'CompletesWithinActionAssertion.CheckAsync(object?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(191,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(45,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(162,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CompletesWithinAssertion.cs(76,52): error CS0115: 'CompletesWithinAsyncAssertion.CheckAsync(object?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\LessThanAssertion.cs(23,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(355,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(628,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(74,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(16,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(676,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(42,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MembershipAssertions.cs(30,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(68,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NullAssertion.cs(71,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(120,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(103,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Sources\DictionaryAssertion.cs(19,46): error CS0115: 'DictionaryAssertion.CheckAsync(IReadOnlyDictionary?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(94,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NullAssertion.cs(100,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(146,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NotEqualsAssertion.cs(50,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(172,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\DictionaryAssertions.cs(25,46): error CS0115: 'DictionaryContainsKeyAssertion.CheckAsync(IReadOnlyDictionary?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MembershipAssertions.cs(76,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(198,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\PredicateAssertions.cs(25,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\PredicateAssertions.cs(67,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(224,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(120,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NotEquivalentToAssertion.cs(36,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Sources\ValueAssertion.cs(18,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\DictionaryAssertions.cs(69,46): error CS0115: 'DictionaryDoesNotContainKeyAssertion.CheckAsync(IReadOnlyDictionary?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\ReferenceEqualityAssertions.cs(22,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(119,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(326,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(145,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(171,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Sources\FuncAssertion.cs(32,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\ReferenceEqualityAssertions.cs(55,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(15,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(354,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(171,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(222,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(16,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NotStructuralEquivalencyAssertion.cs(63,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(41,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(402,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(197,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StructuralEquivalencyAssertion.cs(67,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(254,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(67,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(54,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(46,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(93,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(453,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(110,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(286,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(76,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NullAssertion.cs(18,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\ThrowsAssertion.cs(402,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(209,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(144,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(485,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(239,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(322,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(179,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EqualsAssertion.cs(259,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\GreaterThanAssertion.cs(24,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NullAssertion.cs(44,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(272,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(514,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\HasDistinctItemsAssertion.cs(19,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\TypeOfAssertion.cs(31,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(305,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(201,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\GreaterThanAssertion.cs(58,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringEqualsAssertion.cs(82,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(338,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\ThrowsAssertion.cs(159,53): error CS0115: 'BaseThrowsAssertion.CheckAsync(TException?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\IsEquivalentToAssertion.cs(37,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\TypeOfAssertion.cs(63,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\LessThanAssertion.cs(23,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(371,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(241,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\LessThanAssertion.cs(57,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\TypeOfAssertion.cs(106,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(16,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\TypeOfAssertion.cs(149,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(191,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\ThrowsAssertion.cs(320,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\ThrowsAssertion.cs(355,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(345,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MappedSatisfiesAssertion.cs(31,52): error CS0115: 'MappedSatisfiesAssertion.CheckAsync(TValue?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(390,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net9.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(45,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MappedSatisfiesAssertion.cs(93,52): error CS0115: 'AsyncMappedSatisfiesAssertion.CheckAsync(TValue?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(74,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(103,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MemberAssertion.cs(39,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(133,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(162,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(355,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MembershipAssertions.cs(30,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NullAssertion.cs(71,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(326,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NullAssertion.cs(100,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MembershipAssertions.cs(76,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\PredicateAssertions.cs(25,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(120,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NotEqualsAssertion.cs(50,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\PredicateAssertions.cs(67,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(171,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\ReferenceEqualityAssertions.cs(22,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(222,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\ReferenceEqualityAssertions.cs(55,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(254,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(54,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(354,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(286,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NotEquivalentToAssertion.cs(36,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(322,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(402,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StructuralEquivalencyAssertion.cs(67,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\ThrowsAssertion.cs(402,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(453,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(485,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\TypeOfAssertion.cs(31,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(514,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\TypeOfAssertion.cs(63,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NotStructuralEquivalencyAssertion.cs(63,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringEqualsAssertion.cs(82,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\TypeOfAssertion.cs(106,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\ThrowsAssertion.cs(159,53): error CS0115: 'BaseThrowsAssertion.CheckAsync(TException?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\TypeOfAssertion.cs(149,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NullAssertion.cs(18,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\ThrowsAssertion.cs(320,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\ThrowsAssertion.cs(355,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NullAssertion.cs(44,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net10.0] -C:\git\TUnit\TUnit.Assertions\Assertions\Strings\ParseAssertions.cs(33,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Assertions\Strings\ParseAssertions.cs(132,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Assertions\Strings\ParseAssertions.cs(261,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\BetweenAssertion.cs(73,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(22,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(63,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(111,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(156,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(201,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(487,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CompletesWithinAssertion.cs(26,52): error CS0115: 'CompletesWithinActionAssertion.CheckAsync(object?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(241,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(522,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(120,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CompletesWithinAssertion.cs(76,52): error CS0115: 'CompletesWithinAsyncAssertion.CheckAsync(object?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\DictionaryAssertions.cs(25,46): error CS0115: 'DictionaryContainsKeyAssertion.CheckAsync(IReadOnlyDictionary?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(580,52): error CS0115: 'CollectionAllSatisfyMappedAssertion.CheckAsync(TCollection?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Sources\AsyncFuncAssertion.cs(31,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(146,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(16,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(119,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(16,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(172,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\DictionaryAssertions.cs(69,46): error CS0115: 'DictionaryDoesNotContainKeyAssertion.CheckAsync(IReadOnlyDictionary?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(42,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(145,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Sources\CollectionAssertion.cs(19,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(628,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(46,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(198,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(15,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(68,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(345,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(76,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(224,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(676,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(41,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(94,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(110,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(390,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Sources\DictionaryAssertion.cs(19,46): error CS0115: 'DictionaryAssertion.CheckAsync(IReadOnlyDictionary?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(197,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(67,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(209,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(144,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(426,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(93,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(239,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(179,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\GreaterThanAssertion.cs(24,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(272,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\LessThanAssertion.cs(57,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(74,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(16,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\GreaterThanAssertion.cs(58,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(305,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(103,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Sources\FuncAssertion.cs(32,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(45,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MappedSatisfiesAssertion.cs(31,52): error CS0115: 'MappedSatisfiesAssertion.CheckAsync(TValue?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\HasDistinctItemsAssertion.cs(19,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EqualsAssertion.cs(259,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(338,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(133,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(191,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(162,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(371,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Sources\ValueAssertion.cs(18,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MappedSatisfiesAssertion.cs(93,52): error CS0115: 'AsyncMappedSatisfiesAssertion.CheckAsync(TValue?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\IsEquivalentToAssertion.cs(37,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(355,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(326,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NullAssertion.cs(71,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NotEqualsAssertion.cs(50,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MemberAssertion.cs(39,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\LessThanAssertion.cs(23,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NullAssertion.cs(100,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MembershipAssertions.cs(30,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(222,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(453,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\PredicateAssertions.cs(25,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NotEquivalentToAssertion.cs(36,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(254,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(485,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(54,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\PredicateAssertions.cs(67,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MembershipAssertions.cs(76,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(286,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(514,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\ReferenceEqualityAssertions.cs(22,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(120,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NotStructuralEquivalencyAssertion.cs(63,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\TypeOfAssertion.cs(63,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(322,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(171,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\ReferenceEqualityAssertions.cs(55,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringEqualsAssertion.cs(82,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(354,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\TypeOfAssertion.cs(106,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NullAssertion.cs(18,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(402,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\ThrowsAssertion.cs(320,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\TypeOfAssertion.cs(149,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NullAssertion.cs(44,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\ThrowsAssertion.cs(355,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\ThrowsAssertion.cs(402,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StructuralEquivalencyAssertion.cs(67,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\TypeOfAssertion.cs(31,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(171,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Conditions\ThrowsAssertion.cs(159,53): error CS0115: 'BaseThrowsAssertion.CheckAsync(TException?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=netstandard2.0] -C:\git\TUnit\TUnit.Assertions\Assertions\Strings\ParseAssertions.cs(33,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Assertions\Strings\ParseAssertions.cs(132,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Assertions\Strings\ParseAssertions.cs(261,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\BetweenAssertion.cs(73,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(156,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(22,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(201,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(63,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(426,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(241,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(111,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(487,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Sources\AsyncFuncAssertion.cs(31,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(580,52): error CS0115: 'CollectionAllSatisfyMappedAssertion.CheckAsync(TCollection?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(522,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Sources\CollectionAssertion.cs(19,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CompletesWithinAssertion.cs(26,52): error CS0115: 'CompletesWithinActionAssertion.CheckAsync(object?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(628,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CompletesWithinAssertion.cs(76,52): error CS0115: 'CompletesWithinAsyncAssertion.CheckAsync(object?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(345,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(676,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(16,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Sources\DictionaryAssertion.cs(19,46): error CS0115: 'DictionaryAssertion.CheckAsync(IReadOnlyDictionary?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(68,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(42,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CollectionAssertions.cs(390,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(94,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(120,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Sources\FuncAssertion.cs(32,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(119,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\DictionaryAssertions.cs(25,46): error CS0115: 'DictionaryContainsKeyAssertion.CheckAsync(IReadOnlyDictionary?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(146,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(145,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(172,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Sources\ValueAssertion.cs(18,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(171,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\DictionaryAssertions.cs(69,46): error CS0115: 'DictionaryDoesNotContainKeyAssertion.CheckAsync(IReadOnlyDictionary?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(198,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(197,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(15,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\CultureInfoAssertions.cs(224,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(41,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(67,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(16,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EncodingAssertions.cs(93,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(46,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\EqualsAssertion.cs(259,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(209,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(76,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(110,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(239,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(144,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(272,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(179,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(305,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(338,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\GreaterThanAssertion.cs(24,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\FileSystemAssertions.cs(371,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\GreaterThanAssertion.cs(58,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\HasDistinctItemsAssertion.cs(19,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(16,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\LessThanAssertion.cs(57,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(45,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(74,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(133,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MappedSatisfiesAssertion.cs(31,52): error CS0115: 'MappedSatisfiesAssertion.CheckAsync(TValue?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(191,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(103,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(162,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(355,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MappedSatisfiesAssertion.cs(93,52): error CS0115: 'AsyncMappedSatisfiesAssertion.CheckAsync(TValue?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\IsEquivalentToAssertion.cs(37,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NullAssertion.cs(71,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NullAssertion.cs(18,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NotEqualsAssertion.cs(50,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NullAssertion.cs(100,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NullAssertion.cs(44,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MemberAssertion.cs(39,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\LessThanAssertion.cs(23,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MiscellaneousAssertions.cs(326,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\PredicateAssertions.cs(25,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(354,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NotEquivalentToAssertion.cs(36,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(120,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MembershipAssertions.cs(30,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\PredicateAssertions.cs(67,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(402,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(171,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\MembershipAssertions.cs(76,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\ReferenceEqualityAssertions.cs(22,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\NotStructuralEquivalencyAssertion.cs(63,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(453,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(222,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\ReferenceEqualityAssertions.cs(55,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(485,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(254,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(514,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StructuralEquivalencyAssertion.cs(67,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\ThrowsAssertion.cs(402,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(286,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringEqualsAssertion.cs(82,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\TypeOfAssertion.cs(31,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(322,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\StringAssertions.cs(54,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\TypeOfAssertion.cs(63,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\TypeOfAssertion.cs(106,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\TypeOfAssertion.cs(149,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\ThrowsAssertion.cs(159,53): error CS0115: 'BaseThrowsAssertion.CheckAsync(TException?, Exception?)': no suitable method found to override [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\ThrowsAssertion.cs(320,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0] -C:\git\TUnit\TUnit.Assertions\Conditions\ThrowsAssertion.cs(355,46): error CS8610: Nullability of reference types in type of parameter 'metadata' doesn't match overridden member. [C:\git\TUnit\TUnit.Assertions\TUnit.Assertions.csproj::TargetFramework=net8.0]