├── .config └── dotnet-tools.json ├── .editorconfig ├── .gitattributes ├── .github ├── AUTOMATED_RELEASE_SETUP.md ├── CODEOWNERS ├── CONVENTIONAL_COMMITS_GUIDE.md ├── FUNDING.yml ├── ISSUE_TEMPLATE │ ├── bug_report.yml │ ├── feature_request.md │ ├── feature_user_story.md │ └── phase-b-gpu-production.md ├── PULL_REQUEST_TEMPLATE.md ├── VERSIONING.md ├── codeql │ └── codeql-config.yml ├── dependabot.yml └── workflows │ ├── automated-release.yml │ ├── build.yml │ ├── codacy.yml │ ├── codeql.yml │ ├── codex-autofix.yml │ ├── commitlint.yml │ ├── copilot-review-gate.yml │ ├── docs.yml │ ├── pr-tests.yml │ ├── pr-title-lint.yml │ ├── pr-validation.yml │ ├── publish.yml.disabled │ ├── quality-gates.yml │ └── release.yml.disabled ├── .gitignore ├── .project-rules.md ├── AiDotNet.sln ├── AiDotNetBenchmarkTests ├── AiDotNetBenchmarkTests.csproj ├── BenchmarkTests │ └── ParallelLoopTests.cs └── Program.cs ├── CODE_OF_CONDUCT.md ├── CONTRIBUTING.md ├── Configuration.xml ├── GPU_ACCELERATION_TRACKER.md ├── LAYER_UPGRADE_REPORT.md ├── LAYER_UPGRADE_TRACKER.md ├── LICENSE ├── NOTICE ├── PhaseATestRunner ├── PerformanceBenchmark.cs ├── PhaseATestRunner.csproj └── Program.cs ├── README.md ├── SECURITY.md ├── TemplateEngineHost └── vs │ ├── .vstemplates.global.etag │ ├── .vstemplates.local │ ├── .vstemplates.local.etag │ └── templatecache.json ├── commitlint.config.js ├── data └── sessions.json ├── docs ├── AdvancedReasoningGuide.md ├── CHECKPOINTING_GUIDE.md ├── DistributedTrainingImplementations.md ├── GPU_PERFORMANCE_BENCHMARKS.md ├── GPU_RECOVERY.md ├── GPU_STRESS_TESTING.md ├── GPU_THREAD_SAFETY.md ├── JIT-Compiler-Usage-Guide.md ├── JIT_ACTIVATION_MAPPING.md ├── JIT_COMPILATION_PATTERN_GUIDE.md ├── JIT_ROADMAP.md ├── ReasoningFrameworkGuide.md ├── design │ ├── IAuxiliaryLossLayer-Comprehensive-Analysis.md │ └── IAuxiliaryLossLayer-Implementation-Plan.md ├── examples │ └── MixtureOfExpertsExample.md └── reasoning │ ├── BestPractices.md │ ├── GettingStarted.md │ └── Tutorials.md ├── examples ├── ConcreteExamples │ ├── BenchmarkRunnerExample.cs │ ├── CodeGenerationExample.cs │ ├── MathSolverExample.cs │ └── TrainingExample.cs ├── JitCompiler │ ├── BasicUsageExample.cs │ └── README.md └── Program.cs ├── private ├── scripts ├── launch-distributed-training.ps1 └── launch-distributed-training.sh ├── src ├── ActivationFunctions │ ├── ActivationFunctionBase.cs │ ├── BentIdentityActivation.cs │ ├── BinarySpikingActivation.cs │ ├── CELUActivation.cs │ ├── ELUActivation.cs │ ├── GELUActivation.cs │ ├── GaussianActivation.cs │ ├── GumbelSoftmaxActivation.cs │ ├── HardSigmoidActivation.cs │ ├── HardTanhActivation.cs │ ├── HierarchicalSoftmaxActivation.cs │ ├── ISRUActivation.cs │ ├── IdentityActivation.cs │ ├── LeakyReLUActivation.cs │ ├── LiSHTActivation.cs │ ├── LogSoftmaxActivation.cs │ ├── LogSoftminActivation.cs │ ├── MaxoutActivation.cs │ ├── MishActivation.cs │ ├── PReLUActivation.cs │ ├── RReLUActivation.cs │ ├── ReLUActivation.cs │ ├── SELUActivation.cs │ ├── SQRBFActivation.cs │ ├── ScaledTanhActivation.cs │ ├── SiLUActivation.cs │ ├── SigmoidActivation.cs │ ├── SignActivation.cs │ ├── SoftPlusActivation.cs │ ├── SoftSignActivation.cs │ ├── SoftmaxActivation.cs │ ├── SoftminActivation.cs │ ├── SparsemaxActivation.cs │ ├── SphericalSoftmaxActivation.cs │ ├── SquashActivation.cs │ ├── SwishActivation.cs │ ├── TanhActivation.cs │ ├── TaylorSoftmaxActivation.cs │ └── ThresholdedReLUActivation.cs ├── Agents │ ├── Agent.cs │ ├── AgentBase.cs │ ├── AgentGlobalConfiguration.cs │ ├── AgentKeyResolver.cs │ ├── ChainOfThoughtAgent.cs │ ├── PlanAndExecuteAgent.cs │ ├── RAGAgent.cs │ └── README.md ├── AiDotNet.Serving │ ├── AiDotNet.Serving.csproj │ ├── Batching │ │ ├── AdaptiveBatchingStrategy.cs │ │ ├── BatchingStrategyBase.cs │ │ ├── BucketBatchingStrategy.cs │ │ ├── ContinuousBatchingStrategy.cs │ │ ├── IBatchingStrategy.cs │ │ ├── SizeBatchingStrategy.cs │ │ └── TimeoutBatchingStrategy.cs │ ├── Configuration │ │ └── ServingOptions.cs │ ├── Controllers │ │ ├── InferenceController.cs │ │ └── ModelsController.cs │ ├── Models │ │ ├── IServableModel.cs │ │ ├── ModelInfo.cs │ │ ├── PredictionRequest.cs │ │ └── ServableModelWrapper.cs │ ├── Monitoring │ │ └── PerformanceMetrics.cs │ ├── Padding │ │ ├── BucketPaddingStrategy.cs │ │ ├── FixedSizePaddingStrategy.cs │ │ ├── IPaddingStrategy.cs │ │ └── MinimalPaddingStrategy.cs │ ├── Program.cs │ ├── Properties │ │ └── launchSettings.json │ ├── README.md │ ├── Scheduling │ │ ├── PriorityRequestQueue.cs │ │ └── RequestPriority.cs │ ├── Services │ │ ├── ContinuousBatchingRequestBatcher.cs │ │ ├── IModelRepository.cs │ │ ├── IRequestBatcher.cs │ │ ├── ModelRepository.cs │ │ ├── ModelStartupService.cs │ │ ├── RequestBatcher.cs │ │ └── RequestBatcherBase.cs │ ├── USAGE_EXAMPLE.md │ ├── appsettings.Development.json │ └── appsettings.json ├── AiDotNet.Tensors │ ├── AiDotNet.Tensors.csproj │ ├── Compatibility │ │ ├── HalfCompat.cs │ │ ├── IsExternalInit.cs │ │ └── SimdCompat.cs │ ├── Engines │ │ ├── AdaptiveThresholds.cs │ │ ├── AiDotNetEngine.cs │ │ ├── AsyncGpuTransfer.cs │ │ ├── CpuEngine.cs │ │ ├── Engine.cs │ │ ├── GpuEngine.cs │ │ ├── GpuMemoryPool.cs │ │ ├── IEngine.cs │ │ └── MultiGpuManager.cs │ ├── Helpers │ │ ├── MathHelper.cs │ │ ├── RandomHelper.cs │ │ ├── SimdVector.cs │ │ ├── TensorPrimitivesCore.cs │ │ ├── TensorPrimitivesHelper.cs │ │ └── VectorizedOperationsFallback.cs │ ├── Images │ │ └── Favicon.jpg │ ├── Interfaces │ │ ├── IBinaryOperator.cs │ │ ├── INumericOperations.cs │ │ ├── IUnaryOperator.cs │ │ └── IVectorizedOperations.cs │ ├── LinearAlgebra │ │ ├── Complex.cs │ │ ├── Matrix.cs │ │ ├── MatrixBase.cs │ │ ├── Tensor.cs │ │ ├── TensorBase.cs │ │ ├── Vector.cs │ │ └── VectorBase.cs │ ├── NumericOperations │ │ ├── ByteOperations.cs │ │ ├── ComplexOperations.cs │ │ ├── DecimalOperations.cs │ │ ├── DoubleOperations.cs │ │ ├── FloatOperations.cs │ │ ├── HalfOperations.cs │ │ ├── Int32Operations.cs │ │ ├── Int64Operations.cs │ │ ├── SByteOperations.cs │ │ ├── ShortOperations.cs │ │ ├── UInt16Operations.cs │ │ ├── UInt32Operations.cs │ │ ├── UInt64Operations.cs │ │ └── UIntOperations.cs │ ├── Operators │ │ ├── AbsOperator.cs │ │ ├── AcosOperator.cs │ │ ├── AcoshOperator.cs │ │ ├── AddOperator.cs │ │ ├── AsinOperator.cs │ │ ├── AsinhOperator.cs │ │ ├── AtanOperator.cs │ │ ├── AtanhOperator.cs │ │ ├── CbrtOperator.cs │ │ ├── CeilingOperator.cs │ │ ├── CosOperator.cs │ │ ├── CoshOperator.cs │ │ ├── DivideOperator.cs │ │ ├── Exp10Operator.cs │ │ ├── Exp2Operator.cs │ │ ├── ExpM1Operator.cs │ │ ├── ExpOperator.cs │ │ ├── FloorOperator.cs │ │ ├── Log10Operator.cs │ │ ├── Log1POperator.cs │ │ ├── Log2Operator.cs │ │ ├── LogOperator.cs │ │ ├── MultiplyOperator.cs │ │ ├── ReciprocalOperator.cs │ │ ├── RoundOperator.cs │ │ ├── SinOperator.cs │ │ ├── SinhOperator.cs │ │ ├── SqrtOperator.cs │ │ ├── SubtractOperator.cs │ │ ├── TanOperator.cs │ │ ├── TanhOperator.cs │ │ └── TruncateOperator.cs │ └── Polyfills │ │ └── IndexPolyfill.cs ├── AiDotNet.csproj ├── AutoML │ ├── Architecture.cs │ ├── AutoMLModelBase.cs │ ├── NeuralArchitectureSearch.cs │ ├── ParameterRange.cs │ ├── SearchConstraint.cs │ ├── SearchSpace.cs │ └── TrialResult.cs ├── Autodiff │ ├── ComputationNode.cs │ ├── GradientCheckpointing.cs │ ├── GradientTape.cs │ ├── TensorOperations.cs │ └── Testing │ │ ├── NumericalGradient.cs │ │ └── TensorOperationsVerification.cs ├── Caching │ ├── DefaultGradientCache.cs │ ├── DefaultModelCache.cs │ └── DeterministicCacheKeyGenerator.cs ├── Configuration │ ├── InferenceOptimizationConfig.cs │ └── JitCompilationConfig.cs ├── CrossValidators │ ├── CrossValidatorBase.cs │ ├── GroupKFoldCrossValidator.cs │ ├── KFoldCrossValidator.cs │ ├── LeaveOneOutCrossValidator.cs │ ├── MonteCarloValidator.cs │ ├── NestedCrossValidator.cs │ ├── StandardCrossValidator.cs │ ├── StratifiedKFoldCrossValidator.cs │ └── TimeSeriesCrossValidator.cs ├── Data │ ├── Abstractions │ │ └── MetaLearningTask.cs │ └── Loaders │ │ ├── BalancedEpisodicDataLoader.cs │ │ ├── CurriculumEpisodicDataLoader.cs │ │ ├── EpisodicDataLoaderBase.cs │ │ ├── StratifiedEpisodicDataLoader.cs │ │ └── UniformEpisodicDataLoader.cs ├── DataProcessor │ └── DefaultDataPreprocessor.cs ├── DecompositionMethods │ ├── MatrixDecomposition │ │ ├── BidiagonalDecomposition.cs │ │ ├── CholeskyDecomposition.cs │ │ ├── ComplexMatrixDecomposition.cs │ │ ├── CramerDecomposition.cs │ │ ├── EigenDecomposition.cs │ │ ├── GramSchmidtDecomposition.cs │ │ ├── HessenbergDecomposition.cs │ │ ├── IcaDecomposition.cs │ │ ├── LdlDecomposition.cs │ │ ├── LqDecomposition.cs │ │ ├── LuDecomposition.cs │ │ ├── MatrixDecompositionBase.cs │ │ ├── NmfDecomposition.cs │ │ ├── NormalDecomposition.cs │ │ ├── PolarDecomposition.cs │ │ ├── QrDecomposition.cs │ │ ├── SchurDecomposition.cs │ │ ├── SvdDecomposition.cs │ │ ├── TakagiDecomposition.cs │ │ ├── TridiagonalDecomposition.cs │ │ └── UduDecomposition.cs │ └── TimeSeriesDecomposition │ │ ├── AdditiveDecomposition.cs │ │ ├── BeveridgeNelsonDecomposition.cs │ │ ├── EMDDecomposition.cs │ │ ├── HodrickPrescottDecomposition.cs │ │ ├── MultiplicativeDecomposition.cs │ │ ├── SEATSDecomposition.cs │ │ ├── SSADecomposition.cs │ │ ├── STLTimeSeriesDecomposition.cs │ │ ├── TimeSeriesDecompositionBase.cs │ │ ├── WaveletDecomposition.cs │ │ └── X11Decomposition.cs ├── Deployment │ ├── Configuration │ │ ├── ABTestingConfig.cs │ │ ├── CacheConfig.cs │ │ ├── DeploymentConfiguration.cs │ │ ├── ExportConfig.cs │ │ ├── QuantizationConfig.cs │ │ ├── TelemetryConfig.cs │ │ └── VersioningConfig.cs │ ├── Edge │ │ ├── AdaptiveInferenceConfig.cs │ │ ├── EdgeConfiguration.cs │ │ ├── EdgeOptimizer.cs │ │ └── PartitionedModel.cs │ ├── Export │ │ ├── ExportConfiguration.cs │ │ ├── IModelExporter.cs │ │ ├── ModelExporterBase.cs │ │ └── Onnx │ │ │ ├── OnnxGraph.cs │ │ │ ├── OnnxModelExporter.cs │ │ │ ├── OnnxNode.cs │ │ │ ├── OnnxOperation.cs │ │ │ └── OnnxProto.cs │ ├── Mobile │ │ ├── Android │ │ │ ├── NNAPIBackend.cs │ │ │ ├── NNAPIConfiguration.cs │ │ │ ├── NNAPIDevice.cs │ │ │ ├── NNAPIExecutionPreference.cs │ │ │ └── NNAPIPerformanceInfo.cs │ │ ├── CoreML │ │ │ ├── CoreMLComputeUnits.cs │ │ │ ├── CoreMLConfiguration.cs │ │ │ ├── CoreMLExporter.cs │ │ │ ├── CoreMLProto.cs │ │ │ └── OnnxToCoreMLConverter.cs │ │ └── TensorFlowLite │ │ │ ├── TFLiteConfiguration.cs │ │ │ ├── TFLiteExporter.cs │ │ │ └── TFLiteTargetSpec.cs │ ├── Optimization │ │ └── Quantization │ │ │ ├── Float16Quantizer.cs │ │ │ ├── IQuantizer.cs │ │ │ ├── Int8Quantizer.cs │ │ │ ├── LayerQuantizationParams.cs │ │ │ └── QuantizationConfiguration.cs │ ├── Runtime │ │ ├── CacheStatistics.cs │ │ ├── DeploymentRuntime.cs │ │ ├── ModelCache.cs │ │ ├── RuntimeConfiguration.cs │ │ └── TelemetryCollector.cs │ └── TensorRT │ │ ├── InferenceStatistics.cs │ │ ├── OptimizationProfile.cs │ │ ├── OptimizationProfileConfig.cs │ │ ├── TensorRTConfiguration.cs │ │ ├── TensorRTConverter.cs │ │ ├── TensorRTEngineBuilder.cs │ │ └── TensorRTInferenceEngine.cs ├── Diagnostics │ ├── MemoryTracker.cs │ ├── ProfileReport.cs │ ├── Profiler.cs │ └── ProfilerScope.cs ├── Diffusion │ ├── DDPMModel.cs │ ├── DiffusionModelBase.cs │ └── Schedulers │ │ ├── DDIMScheduler.cs │ │ ├── PNDMScheduler.cs │ │ ├── SchedulerConfig.cs │ │ └── StepSchedulerBase.cs ├── DistributedTraining │ ├── AsyncSGDOptimizer.cs │ ├── CommunicationBackendBase.cs │ ├── CommunicationManager.cs │ ├── DDPModel.cs │ ├── DDPOptimizer.cs │ ├── DistributedExtensions.cs │ ├── ElasticOptimizer.cs │ ├── FSDPModel.cs │ ├── FSDPOptimizer.cs │ ├── GlooCommunicationBackend.cs │ ├── GradientCompressionOptimizer.cs │ ├── HybridShardedModel.cs │ ├── HybridShardedOptimizer.cs │ ├── ICommunicationBackend.cs │ ├── IShardedModel.cs │ ├── IShardedOptimizer.cs │ ├── InMemoryCommunicationBackend.cs │ ├── LocalSGDOptimizer.cs │ ├── MPICommunicationBackend.cs │ ├── NCCLCommunicationBackend.cs │ ├── ParameterAnalyzer.cs │ ├── PipelineParallelModel.cs │ ├── PipelineParallelOptimizer.cs │ ├── README.md │ ├── ShardedModelBase.cs │ ├── ShardedOptimizerBase.cs │ ├── ShardingConfiguration.cs │ ├── TensorParallelModel.cs │ ├── TensorParallelOptimizer.cs │ ├── ZeRO1Model.cs │ ├── ZeRO1Optimizer.cs │ ├── ZeRO2Model.cs │ ├── ZeRO2Optimizer.cs │ ├── ZeRO3Model.cs │ └── ZeRO3Optimizer.cs ├── DocumentationProcess.md ├── Engines │ └── GpuAccelerationConfig.cs ├── Enums │ ├── AcquisitionFunctionType.cs │ ├── ActivationFunction.cs │ ├── ActivationFunctionRole.cs │ ├── AlgorithmTypes │ │ ├── AdditiveDecompositionAlgorithmType.cs │ │ ├── BeveridgeNelsonAlgorithmType.cs │ │ ├── BidiagonalAlgorithmType.cs │ │ ├── CholeskyAlgorithmType.cs │ │ ├── EMDAlgorithmType.cs │ │ ├── EigenAlgorithmType.cs │ │ ├── GramSchmidtAlgorithmType.cs │ │ ├── HessenbergAlgorithmType.cs │ │ ├── HodrickPrescottAlgorithmType.cs │ │ ├── LdlAlgorithmType.cs │ │ ├── LqAlgorithmType.cs │ │ ├── LuAlgorithmType.cs │ │ ├── MultiplicativeAlgorithmType.cs │ │ ├── PolarAlgorithmType.cs │ │ ├── QrAlgorithmType.cs │ │ ├── SEATSAlgorithmType.cs │ │ ├── SSAAlgorithmType.cs │ │ ├── STLAlgorithmType.cs │ │ ├── SchurAlgorithmType.cs │ │ ├── SvdAlgorithmType.cs │ │ ├── TakagiAlgorithmType.cs │ │ ├── TridiagonalAlgorithmType.cs │ │ ├── UduAlgorithmType.cs │ │ ├── WaveletAlgorithmType.cs │ │ └── X11AlgorithmType.cs │ ├── AssignmentStrategy.cs │ ├── AutoMLStatus.cs │ ├── BetaSchedule.cs │ ├── BoundaryHandlingMethod.cs │ ├── CacheEvictionPolicy.cs │ ├── CalibrationMethod.cs │ ├── ConditionNumberMethod.cs │ ├── ContrastiveLossType.cs │ ├── CrossValidationType.cs │ ├── DataComplexity.cs │ ├── DataSetType.cs │ ├── DecompositionComponentType.cs │ ├── DiffusionPredictionType.cs │ ├── DistanceMetricType.cs │ ├── DistillationStrategyType.cs │ ├── DistributedStrategy.cs │ ├── DistributionType.cs │ ├── EdgeDeviceType.cs │ ├── EdgeDirection.cs │ ├── EnvelopeType.cs │ ├── ExpressionNodeType.cs │ ├── FeatureExtractionStrategy.cs │ ├── FitType.cs │ ├── FitnessCalculatorType.cs │ ├── GeneticNodeType.cs │ ├── GradientType.cs │ ├── ImportanceThresholdStrategy.cs │ ├── InitializationMethod.cs │ ├── InputType.cs │ ├── Interpolation2DType.cs │ ├── InverseType.cs │ ├── KernelType.cs │ ├── LLMProvider.cs │ ├── LayerType.cs │ ├── MatrixDecompositionType.cs │ ├── MatrixLayout.cs │ ├── MatrixType.cs │ ├── MetricType.cs │ ├── ModelPerformance.cs │ ├── ModelType.cs │ ├── ModificationType.cs │ ├── NetworkComplexity.cs │ ├── NeuralArchitectureSearchStrategy.cs │ ├── NeuralNetworkTaskType.cs │ ├── NormalizationMethod.cs │ ├── OperationType.cs │ ├── OptimizationMode.cs │ ├── OptimizerType.cs │ ├── OutlierDetectionMethod.cs │ ├── OutputDistribution.cs │ ├── ParameterType.cs │ ├── PartitionStrategy.cs │ ├── PoolingType.cs │ ├── PrecisionMode.cs │ ├── PredictionType.cs │ ├── QualityLevel.cs │ ├── QuantizationMode.cs │ ├── RegularizationType.cs │ ├── SamplingType.cs │ ├── SelectionMethod.cs │ ├── SequentialFeatureSelectionDirection.cs │ ├── SpikingNeuronType.cs │ ├── SplitCriterion.cs │ ├── StepwiseMethod.cs │ ├── TargetPlatform.cs │ ├── TeacherModelType.cs │ ├── TestStatisticType.cs │ ├── TimeSeriesModelType.cs │ ├── TransformerTaskType.cs │ ├── TreeSearchStrategy.cs │ ├── UnivariateScoringFunction.cs │ ├── WaveletType.cs │ ├── WeightFunction.cs │ └── WindowFunctionType.cs ├── Evaluation │ └── DefaultModelEvaluator.cs ├── Exceptions │ ├── AiDotNetException.cs │ ├── ForwardPassRequiredException.cs │ ├── InvalidDataValueException.cs │ ├── InvalidInputDimensionException.cs │ ├── InvalidInputTypeException.cs │ ├── ModelTrainingException.cs │ ├── SerializationException.cs │ ├── TensorDimensionException.cs │ ├── TensorRankException.cs │ ├── TensorShapeMismatchException.cs │ └── VectorLengthMismatchException.cs ├── Extensions │ ├── EnumerableExtensions.cs │ ├── MatrixDecompositionExtensions.cs │ ├── MatrixExtensions.cs │ ├── NumericTypeExtensions.cs │ ├── RandomExtensions.cs │ ├── SerializationExtensions.cs │ ├── TensorExtensions.cs │ └── VectorExtensions.cs ├── Factories │ ├── ActivationFunctionFactory.cs │ ├── FitnessCalculatorFactory.cs │ ├── Interpolation2DFactory.cs │ ├── MatrixDecompositionFactory.cs │ ├── NormalizerFactory.cs │ ├── OptimizerFactory.cs │ ├── RegularizationFactory.cs │ ├── TimeSeriesModelFactory.cs │ └── WindowFunctionFactory.cs ├── FeatureSelectors │ ├── CorrelationFeatureSelector.cs │ ├── FeatureSelectorBase.cs │ ├── NoFeatureSelector.cs │ ├── RecursiveFeatureElimination.cs │ ├── SelectFromModel.cs │ ├── SequentialFeatureSelector.cs │ ├── UnivariateFeatureSelector.cs │ └── VarianceThresholdFeatureSelector.cs ├── FitDetectors │ ├── AdaptiveFitDetector.cs │ ├── AutocorrelationFitDetector.cs │ ├── BayesianFitDetector.cs │ ├── BootstrapFitDetector.cs │ ├── CalibratedProbabilityFitDetector.cs │ ├── ConfusionMatrixFitDetector.cs │ ├── CookDistanceFitDetector.cs │ ├── CrossValidationFitDetector.cs │ ├── DefaultFitDetector.cs │ ├── EnsembleFitDetector.cs │ ├── FeatureImportanceFitDetector.cs │ ├── FitDetectorBase.cs │ ├── GaussianProcessFitDetector.cs │ ├── GradientBoostingFitDetector.cs │ ├── HeteroscedasticityFitDetector.cs │ ├── HoldoutValidationFitDetector.cs │ ├── HybridFitDetector.cs │ ├── InformationCriteriaFitDetector.cs │ ├── JackknifeFitDetector.cs │ ├── KFoldCrossValidationFitDetector.cs │ ├── LearningCurveFitDetector.cs │ ├── NeuralNetworkFitDetector.cs │ ├── PartialDependencePlotFitDetector.cs │ ├── PermutationTestFitDetector.cs │ ├── PrecisionRecallCurveFitDetector.cs │ ├── ROCCurveFitDetector.cs │ ├── ResidualAnalysisFitDetector.cs │ ├── ResidualBootstrapFitDetector.cs │ ├── ShapleyValueFitDetector.cs │ ├── StratifiedKFoldCrossValidationFitDetector.cs │ ├── TimeSeriesCrossValidationFitDetector.cs │ └── VIFFitDetector.cs ├── FitnessCalculators │ ├── AdjustedRSquaredFitnessCalculator.cs │ ├── BinaryCrossEntropyLossFitnessCalculator.cs │ ├── CategoricalCrossEntropyLossFitnessCalculator.cs │ ├── ContrastiveLossFitnessCalculator.cs │ ├── CosineSimilarityLossFitnessCalculator.cs │ ├── CrossEntropyLossFitnessCalculator.cs │ ├── DiceLossFitnessCalculator.cs │ ├── ElasticNetLossFitnessCalculator.cs │ ├── ExponentialLossFitnessCalculator.cs │ ├── FitnessCalculatorBase.cs │ ├── FocalLossFitnessCalculator.cs │ ├── HingeLossFitnessCalculator.cs │ ├── HuberLossFitnessCalculator.cs │ ├── JaccardLossFitnessCalculator.cs │ ├── KullbackLeiblerDivergenceFitnessCalculator.cs │ ├── LogCoshLossFitnessCalculator.cs │ ├── MeanAbsoluteErrorFitnessCalculator.cs │ ├── MeanSquaredErrorFitnessCalculator.cs │ ├── ModifiedHuberLossFitnessCalculator.cs │ ├── OrdinalRegressionLossFitnessCalculator.cs │ ├── PoissonLossFitnessCalculator.cs │ ├── QuantileLossFitnessCalculator.cs │ ├── RSquaredFitnessCalculator.cs │ ├── RootMeanSquaredErrorFitnessCalculator.cs │ ├── SquaredHingeLossFitnessCalculator.cs │ ├── TripletLossFitnessCalculator.cs │ └── WeightedCrossEntropyLossFitnessCalculator.cs ├── GaussianProcesses │ ├── MultiOutputGaussianProcess.cs │ ├── SparseGaussianProcess.cs │ └── StandardGaussianProcess.cs ├── Genetics │ ├── AdaptiveGeneticAlgorithm.cs │ ├── BinaryGene.cs │ ├── BinaryIndividual.cs │ ├── GeneticBase.cs │ ├── IslandModelGeneticAlgorithm.cs │ ├── ModelIndividual.cs │ ├── ModelParameterGene.cs │ ├── MultiObjectiveRealIndividual.cs │ ├── NodeGene.cs │ ├── NonDominatedSortingGeneticAlgorithm.cs │ ├── PermutationGene.cs │ ├── PermutationIndividual.cs │ ├── RealGene.cs │ ├── RealIndividual.cs │ ├── StandardGeneticAlgorithm.cs │ ├── SteadyStateGeneticAlgorithm.cs │ └── TreeIndividual.cs ├── GlobalUsings.cs ├── Helpers │ ├── ActivationHelper.cs │ ├── AdaptiveParametersHelper.cs │ ├── ConversionsHelper.cs │ ├── DeserializationHelper.cs │ ├── EnumHelper.cs │ ├── FeatureSelectorHelper.cs │ ├── GradientClippingHelper.cs │ ├── InputHelper.cs │ ├── LayerHelper.cs │ ├── MatrixHelper.cs │ ├── MatrixSolutionHelper.cs │ ├── ModelHelper.cs │ ├── NeuralNetworkHelper.cs │ ├── NumericalStabilityHelper.cs │ ├── OptimizerHelper.cs │ ├── OutlierRemovalHelper.cs │ ├── ParallelProcessingHelper.cs │ ├── RegressionHelper.cs │ ├── SamplingHelper.cs │ ├── SerializationHelper.cs │ ├── StatisticsHelper.cs │ ├── TextProcessingHelper.cs │ ├── TimeSeriesHelper.cs │ ├── UsingsHelper.cs │ ├── ValidationHelper.cs │ ├── VectorHelper.cs │ └── WeightFunctionHelper.cs ├── Images │ └── Favicon.jpg ├── Inference │ ├── CachedMultiHeadAttention.cs │ ├── InferenceOptimizer.cs │ ├── KVCache.cs │ ├── KVCacheConfig.cs │ ├── PagedAttention │ │ ├── BlockManager.cs │ │ ├── BlockTable.cs │ │ ├── PagedAttentionKernel.cs │ │ └── PagedKVCache.cs │ └── SpeculativeDecoding │ │ ├── DraftResult.cs │ │ ├── IDraftModel.cs │ │ ├── NGramDraftModel.cs │ │ ├── NeuralDraftModel.cs │ │ ├── SpeculationTree.cs │ │ ├── SpeculativeDecoder.cs │ │ ├── SpeculativeDecodingConfig.cs │ │ ├── SpeculativeDecodingStats.cs │ │ ├── SpeculativeResult.cs │ │ ├── StepStatistics.cs │ │ ├── TreeNode.cs │ │ ├── TreeSpeculativeConfig.cs │ │ ├── TreeSpeculativeDecoder.cs │ │ ├── TreeSpeculativeResult.cs │ │ └── TreeStepStatistics.cs ├── Interfaces │ ├── I2DInterpolation.cs │ ├── IActivationFunction.cs │ ├── IAgent.cs │ ├── IAnswerAggregator.cs │ ├── IAssociativeMemory.cs │ ├── IAsyncTreeBasedModel.cs │ ├── IAutoMLModel.cs │ ├── IAuxiliaryLossLayer.cs │ ├── IBenchmark.cs │ ├── IBiasDetector.cs │ ├── IChatModel.cs │ ├── ICheckpointableModel.cs │ ├── IChunkingStrategy.cs │ ├── ICloneable.cs │ ├── IContextCompressor.cs │ ├── IContextFlow.cs │ ├── IContradictionDetector.cs │ ├── ICriticModel.cs │ ├── ICrossValidator.cs │ ├── IDataPreprocessor.cs │ ├── IDiagnosticsProvider.cs │ ├── IDiffusionModel.cs │ ├── IDistillationStrategy.cs │ ├── IDiversitySampler.cs │ ├── IDocumentStore.cs │ ├── IEmbeddingModel.cs │ ├── IEpisodicDataLoader.cs │ ├── IEvolvable.cs │ ├── IExternalToolVerifier.cs │ ├── IFairnessEvaluator.cs │ ├── IFeatureAware.cs │ ├── IFeatureSelector.cs │ ├── IFitDetector.cs │ ├── IFitnessCalculator.cs │ ├── IFullModel.cs │ ├── IGaussianProcess.cs │ ├── IGenerator.cs │ ├── IGeneticAlgorithm.cs │ ├── IGradientBasedOptimizer.cs │ ├── IGradientCache.cs │ ├── IGradientComputable.cs │ ├── IGradientModel.cs │ ├── IGraphStore.cs │ ├── IIntermediateActivationStrategy.cs │ ├── IInterpolation.cs │ ├── IInterpretableModel.cs │ ├── IJitCompilable.cs │ ├── IKernelFunction.cs │ ├── IKnowledgeDistillationTrainer.cs │ ├── ILanguageModel.cs │ ├── ILayer.cs │ ├── ILinearRegression.cs │ ├── ILoRAAdapter.cs │ ├── ILoRAConfiguration.cs │ ├── ILossFunction.cs │ ├── IMatrixDecomposition.cs │ ├── IMetaLearner.cs │ ├── IMetaLearnerConfig.cs │ ├── IModel.cs │ ├── IModelCache.cs │ ├── IModelEvaluator.cs │ ├── IModelSerializer.cs │ ├── IMultiObjectiveIndividual.cs │ ├── INeuralNetwork.cs │ ├── INeuralNetworkModel.cs │ ├── INonLinearRegression.cs │ ├── INormalizer.cs │ ├── IOptimizer.cs │ ├── IOutlierRemoval.cs │ ├── IParameterizable.cs │ ├── IPipelineStep.cs │ ├── IPredictionModelBuilder.cs │ ├── IPredictiveModel.cs │ ├── IQueryProcessor.cs │ ├── IRAGMetric.cs │ ├── IRadialBasisFunction.cs │ ├── IReasoner.cs │ ├── IReasoningStrategy.cs │ ├── IRegression.cs │ ├── IRegularization.cs │ ├── IReranker.cs │ ├── IRetriever.cs │ ├── IRewardModel.cs │ ├── ISearchAlgorithm.cs │ ├── ISecondOrderGradientComputable.cs │ ├── ISelfRefinementEngine.cs │ ├── ISelfSupervisedLoss.cs │ ├── ISequenceLossFunction.cs │ ├── IStepScheduler.cs │ ├── ITeacherModel.cs │ ├── IThoughtEvaluator.cs │ ├── IThoughtGenerator.cs │ ├── ITimeSeriesDecomposition.cs │ ├── ITimeSeriesModel.cs │ ├── ITool.cs │ ├── ITreeBasedRegression.cs │ ├── IVectorActivationFunction.cs │ ├── IWaveletFunction.cs │ └── IWindowFunction.cs ├── Interpolation │ ├── AdaptiveCubicSplineInterpolation.cs │ ├── AkimaInterpolation.cs │ ├── BarycentricRationalInterpolation.cs │ ├── BicubicInterpolation.cs │ ├── BilinearInterpolation.cs │ ├── CatmullRomSplineInterpolation.cs │ ├── ClampedSplineInterpolation.cs │ ├── CubicBSplineInterpolation.cs │ ├── CubicConvolutionInterpolation.cs │ ├── CubicSplineInterpolation.cs │ ├── GaussianProcessInterpolation.cs │ ├── HermiteInterpolation.cs │ ├── Interpolation2DTo1DAdapter.cs │ ├── KochanekBartelsSplineInterpolation.cs │ ├── KrigingInterpolation.cs │ ├── LagrangePolynomialInterpolation.cs │ ├── LanczosInterpolation.cs │ ├── LinearInterpolation.cs │ ├── MonotoneCubicInterpolation.cs │ ├── MovingLeastSquaresInterpolation.cs │ ├── MultiquadricInterpolation.cs │ ├── NaturalSplineInterpolation.cs │ ├── NearestNeighborInterpolation.cs │ ├── NewtonDividedDifferenceInterpolation.cs │ ├── NotAKnotSplineInterpolation.cs │ ├── PchipInterpolation.cs │ ├── RadialBasisFunctionInterpolation.cs │ ├── ShepardsMethodInterpolation.cs │ ├── SincInterpolation.cs │ ├── ThinPlateSplineInterpolation.cs │ ├── TrigonometricInterpolation.cs │ └── WhittakerShannonInterpolation.cs ├── Interpretability │ ├── AnchorExplanation.cs │ ├── BasicFairnessEvaluator.cs │ ├── BiasDetectionResult.cs │ ├── BiasDetectorBase.cs │ ├── ComprehensiveFairnessEvaluator.cs │ ├── CounterfactualExplanation.cs │ ├── DemographicParityBiasDetector.cs │ ├── DisparateImpactBiasDetector.cs │ ├── EqualOpportunityBiasDetector.cs │ ├── FairnessEvaluatorBase.cs │ ├── FairnessMetric.cs │ ├── FairnessMetrics.cs │ ├── GroupFairnessEvaluator.cs │ ├── InterpretabilityMetricsHelper.cs │ ├── InterpretableModelHelper.cs │ ├── InterpretationMethod.cs │ ├── LimeExplanation.cs │ └── PartialDependenceData.cs ├── JitCompiler │ ├── CacheStats.cs │ ├── CodeGen │ │ ├── CodeGenerator.cs │ │ ├── FP16Kernels.cs │ │ ├── GPUCodeGenerator.cs │ │ ├── GPUKernelLibrary.cs │ │ ├── GradientOps.cs │ │ ├── IGPUKernelHandle.cs │ │ ├── IGPUMemoryHandle.cs │ │ ├── IGPURuntime.cs │ │ ├── MockGPURuntime.cs │ │ ├── RecurrentOps.cs │ │ ├── SIMDCapabilities.cs │ │ ├── SIMDOptimizer.cs │ │ ├── SIMDStats.cs │ │ └── VectorHelper.cs │ ├── CompilationStats.cs │ ├── HybridCompilationResult.cs │ ├── IR │ │ ├── IRGraph.cs │ │ ├── IROp.cs │ │ ├── IRType.cs │ │ ├── Operations │ │ │ ├── AbsOp.cs │ │ │ ├── AddOp.cs │ │ │ ├── AffineGridOp.cs │ │ │ ├── ApplyActivationOp.cs │ │ │ ├── AttentionOp.cs │ │ │ ├── AvgPool2DOp.cs │ │ │ ├── BackwardOp.cs │ │ │ ├── BatchNormOp.cs │ │ │ ├── BentIdentityOp.cs │ │ │ ├── CELUOp.cs │ │ │ ├── ComplexMatMulOp.cs │ │ │ ├── ComplexMultiplyOp.cs │ │ │ ├── ConcatOp.cs │ │ │ ├── ConstantOp.cs │ │ │ ├── Conv2DOp.cs │ │ │ ├── ConvTranspose2DOp.cs │ │ │ ├── CropOp.cs │ │ │ ├── DepthwiseConv2DOp.cs │ │ │ ├── DifferentiableApproximationOps.cs │ │ │ ├── DilatedConv2DOp.cs │ │ │ ├── DivideOp.cs │ │ │ ├── DropoutOp.cs │ │ │ ├── ELUOp.cs │ │ │ ├── ElementwiseMultiplyOp.cs │ │ │ ├── EmbeddingOp.cs │ │ │ ├── ExpOp.cs │ │ │ ├── FusedAddLayerNormOp.cs │ │ │ ├── FusedAddReLUOp.cs │ │ │ ├── FusedAttentionOp.cs │ │ │ ├── FusedBatchNormActivationOp.cs │ │ │ ├── FusedBiasActivationOp.cs │ │ │ ├── FusedConvBatchNormActivationOp.cs │ │ │ ├── FusedConvBatchNormOp.cs │ │ │ ├── FusedDenseLayerOp.cs │ │ │ ├── FusedElementwiseActivationOp.cs │ │ │ ├── FusedElementwiseChainOp.cs │ │ │ ├── FusedGELUOp.cs │ │ │ ├── FusedLayerNormAddOp.cs │ │ │ ├── FusedLinearActivationOp.cs │ │ │ ├── FusedLinearOp.cs │ │ │ ├── FusedLinearReLUOp.cs │ │ │ ├── FusedMatMulAddOp.cs │ │ │ ├── FusedMultiHeadAttentionOp.cs │ │ │ ├── FusedResidualBlockOp.cs │ │ │ ├── FusedSwishOp.cs │ │ │ ├── GELUOp.cs │ │ │ ├── GRUCellOp.cs │ │ │ ├── GaussianOp.cs │ │ │ ├── GradAccumulateOp.cs │ │ │ ├── GradAddOp.cs │ │ │ ├── GradAttentionOp.cs │ │ │ ├── GradAvgPool2DOp.cs │ │ │ ├── GradBatchNormOp.cs │ │ │ ├── GradBentIdentityOp.cs │ │ │ ├── GradBroadcastOp.cs │ │ │ ├── GradCELUOp.cs │ │ │ ├── GradConcatOp.cs │ │ │ ├── GradConv2DOp.cs │ │ │ ├── GradConvTranspose2DOp.cs │ │ │ ├── GradCropOp.cs │ │ │ ├── GradDepthwiseConv2DOp.cs │ │ │ ├── GradDivideOp.cs │ │ │ ├── GradDropoutOp.cs │ │ │ ├── GradELUOp.cs │ │ │ ├── GradElementwiseMultiplyOp.cs │ │ │ ├── GradEmbeddingOp.cs │ │ │ ├── GradExpOp.cs │ │ │ ├── GradGELUOp.cs │ │ │ ├── GradGRUCellOp.cs │ │ │ ├── GradGRUSequenceOp.cs │ │ │ ├── GradGatherOp.cs │ │ │ ├── GradGaussianOp.cs │ │ │ ├── GradHardSigmoidOp.cs │ │ │ ├── GradHardTanhOp.cs │ │ │ ├── GradISRUOp.cs │ │ │ ├── GradLSTMCellInputOp.cs │ │ │ ├── GradLSTMSequenceOp.cs │ │ │ ├── GradLayerNormOp.cs │ │ │ ├── GradLeakyReLUOp.cs │ │ │ ├── GradLiSHTOp.cs │ │ │ ├── GradLogOp.cs │ │ │ ├── GradLogSoftmaxOp.cs │ │ │ ├── GradMatMulLeftOp.cs │ │ │ ├── GradMatMulRightOp.cs │ │ │ ├── GradMaxPool2DOp.cs │ │ │ ├── GradMeanOp.cs │ │ │ ├── GradMishOp.cs │ │ │ ├── GradMultiHeadAttentionOp.cs │ │ │ ├── GradPReLUOp.cs │ │ │ ├── GradPadOp.cs │ │ │ ├── GradPowerOp.cs │ │ │ ├── GradRReLUOp.cs │ │ │ ├── GradReLUOp.cs │ │ │ ├── GradReshapeOp.cs │ │ │ ├── GradSELUOp.cs │ │ │ ├── GradScaledTanhOp.cs │ │ │ ├── GradSigmoidOp.cs │ │ │ ├── GradSliceOp.cs │ │ │ ├── GradSoftPlusOp.cs │ │ │ ├── GradSoftSignOp.cs │ │ │ ├── GradSoftmaxOp.cs │ │ │ ├── GradSparsemaxOp.cs │ │ │ ├── GradSplitOp.cs │ │ │ ├── GradSqrtOp.cs │ │ │ ├── GradSubtractOp.cs │ │ │ ├── GradSumOp.cs │ │ │ ├── GradSwishOp.cs │ │ │ ├── GradTanhOp.cs │ │ │ ├── GradThresholdedReLUOp.cs │ │ │ ├── GradTransposeOp.cs │ │ │ ├── GradUpsampleOp.cs │ │ │ ├── GraphConvOp.cs │ │ │ ├── GridSampleOp.cs │ │ │ ├── HardSigmoidOp.cs │ │ │ ├── HardTanhOp.cs │ │ │ ├── HierarchicalSoftmaxOp.cs │ │ │ ├── ISRUOp.cs │ │ │ ├── LSTMCellOp.cs │ │ │ ├── LayerNormOp.cs │ │ │ ├── LeakyReLUOp.cs │ │ │ ├── LiSHTOp.cs │ │ │ ├── LocallyConnectedConv2DOp.cs │ │ │ ├── LogOp.cs │ │ │ ├── LogSoftmaxOp.cs │ │ │ ├── LogSoftminOp.cs │ │ │ ├── MatMulOp.cs │ │ │ ├── MaxPool2DOp.cs │ │ │ ├── MaxoutOp.cs │ │ │ ├── MeanOp.cs │ │ │ ├── MishOp.cs │ │ │ ├── MultiHeadAttentionOp.cs │ │ │ ├── NegateOp.cs │ │ │ ├── NormOp.cs │ │ │ ├── PReLUOp.cs │ │ │ ├── PadOp.cs │ │ │ ├── PixelShuffleOp.cs │ │ │ ├── PowerOp.cs │ │ │ ├── RBFKernelOp.cs │ │ │ ├── RReLUOp.cs │ │ │ ├── ReLUOp.cs │ │ │ ├── ReduceLogVarianceOp.cs │ │ │ ├── ReduceMaxOp.cs │ │ │ ├── ReduceMeanOp.cs │ │ │ ├── ReshapeOp.cs │ │ │ ├── SELUOp.cs │ │ │ ├── SQRBFOp.cs │ │ │ ├── ScalarConstantOp.cs │ │ │ ├── ScaledDotProductAttentionOp.cs │ │ │ ├── ScaledTanhOp.cs │ │ │ ├── SigmoidOp.cs │ │ │ ├── SignOp.cs │ │ │ ├── SliceOp.cs │ │ │ ├── SoftPlusOp.cs │ │ │ ├── SoftSignOp.cs │ │ │ ├── SoftmaxOp.cs │ │ │ ├── SoftminOp.cs │ │ │ ├── SparsemaxOp.cs │ │ │ ├── SphericalSoftmaxOp.cs │ │ │ ├── SplitOp.cs │ │ │ ├── SqrtOp.cs │ │ │ ├── SquareOp.cs │ │ │ ├── SquashOp.cs │ │ │ ├── SubtractOp.cs │ │ │ ├── SumOp.cs │ │ │ ├── SwishOp.cs │ │ │ ├── TanhOp.cs │ │ │ ├── TaylorSoftmaxOp.cs │ │ │ ├── ThresholdedReLUOp.cs │ │ │ ├── TransposeOp.cs │ │ │ ├── UpsampleOp.cs │ │ │ └── VectorizedOps.cs │ │ └── TensorShape.cs │ ├── IRBuilder.cs │ ├── JitCompatibilityResult.cs │ ├── JitCompiler.cs │ ├── JitCompilerOptions.cs │ ├── Memory │ │ ├── TensorPool.cs │ │ ├── TensorPoolStats.cs │ │ └── TensorRental.cs │ ├── Optimizations │ │ ├── AdaptiveFusionPass.cs │ │ ├── AutoTuningPass.cs │ │ ├── ConstantFoldingPass.cs │ │ ├── DeadCodeEliminationPass.cs │ │ ├── IOptimizationPass.cs │ │ ├── LoopUnrollingPass.cs │ │ ├── OperationFusionPass.cs │ │ ├── VectorizationPass.cs │ │ └── VectorizationStats.cs │ ├── README.md │ ├── Runtime │ │ ├── UnrolledOps.cs │ │ └── VectorizedOps.cs │ ├── Testing │ │ ├── GradientVerification.cs │ │ └── GradientVerificationExtensions.cs │ └── UnsupportedOperationInfo.cs ├── Kernels │ ├── ANOVAKernel.cs │ ├── AdditiveChiSquaredKernel.cs │ ├── BSplineKernel.cs │ ├── BesselKernel.cs │ ├── CauchyKernel.cs │ ├── ChiSquareKernel.cs │ ├── CircularKernel.cs │ ├── ExponentialKernel.cs │ ├── GaussianKernel.cs │ ├── GeneralizedHistogramIntersectionKernel.cs │ ├── GeneralizedTStudentKernel.cs │ ├── HellingerKernel.cs │ ├── HistogramIntersectionKernel.cs │ ├── InverseMultiquadricKernel.cs │ ├── LaplacianKernel.cs │ ├── LinearKernel.cs │ ├── LocallyPeriodicKernel.cs │ ├── LogKernel.cs │ ├── MaternKernel.cs │ ├── MultiquadricKernel.cs │ ├── PiecewisePolynomialKernel.cs │ ├── PolynomialKernel.cs │ ├── PowerKernel.cs │ ├── ProbabilisticKernel.cs │ ├── RationalQuadraticKernel.cs │ ├── SigmoidKernel.cs │ ├── SphericalKernel.cs │ ├── SplineKernel.cs │ ├── TanimotoKernel.cs │ ├── WaveKernel.cs │ └── WaveletKernel.cs ├── KnowledgeDistillation │ ├── DistillationCheckpointConfig.cs │ ├── DistillationCheckpointManager.cs │ ├── DistillationForwardResult.cs │ ├── DistillationLoss.cs │ ├── DistillationStrategyBase.cs │ ├── DistillationStrategyFactory.cs │ ├── FeatureDistillationStrategy.cs │ ├── IntermediateActivations.cs │ ├── KnowledgeDistillationTrainer.cs │ ├── KnowledgeDistillationTrainerBase.cs │ ├── SelfDistillationTrainer.cs │ ├── Strategies │ │ ├── AccuracyBasedAdaptiveStrategy.cs │ │ ├── AdaptiveDistillationStrategyBase.cs │ │ ├── AttentionDistillationStrategy.cs │ │ ├── ConfidenceBasedAdaptiveStrategy.cs │ │ ├── ContrastiveDistillationStrategy.cs │ │ ├── CurriculumDistillationStrategyBase.cs │ │ ├── DistillationHelper.cs │ │ ├── EasyToHardCurriculumStrategy.cs │ │ ├── EntropyBasedAdaptiveStrategy.cs │ │ ├── FactorTransferDistillationStrategy.cs │ │ ├── FlowBasedDistillationStrategy.cs │ │ ├── HardToEasyCurriculumStrategy.cs │ │ ├── HybridDistillationStrategy.cs │ │ ├── IAdaptiveDistillationStrategy.cs │ │ ├── ICurriculumDistillationStrategy.cs │ │ ├── NeuronSelectivityDistillationStrategy.cs │ │ ├── ProbabilisticDistillationStrategy.cs │ │ ├── RelationalDistillationStrategy.cs │ │ ├── SimilarityPreservingStrategy.cs │ │ └── VariationalDistillationStrategy.cs │ ├── TeacherModelBase.cs │ ├── TeacherModelFactory.cs │ ├── TeacherModelWrapper.cs │ └── Teachers │ │ ├── AdaptiveTeacherModel.cs │ │ ├── CurriculumTeacherModel.cs │ │ ├── DistributedTeacherModel.cs │ │ ├── EnsembleTeacherModel.cs │ │ ├── MultiModalTeacherModel.cs │ │ ├── OnlineTeacherModel.cs │ │ ├── PretrainedTeacherModel.cs │ │ ├── QuantizedTeacherModel.cs │ │ ├── SelfTeacherModel.cs │ │ └── TransformerTeacherModel.cs ├── LanguageModels │ ├── AnthropicChatModel.cs │ ├── AzureOpenAIChatModel.cs │ ├── ChatModelBase.cs │ ├── Models │ │ ├── OpenAIChoice.cs │ │ ├── OpenAIMessage.cs │ │ ├── OpenAIRequest.cs │ │ ├── OpenAIResponse.cs │ │ └── OpenAIUsage.cs │ ├── OpenAIChatModel.cs │ └── README.md ├── LearningRateSchedulers │ ├── ConstantLRScheduler.cs │ ├── CosineAnnealingLRScheduler.cs │ ├── CosineAnnealingWarmRestartsScheduler.cs │ ├── CyclicLRScheduler.cs │ ├── ExponentialLRScheduler.cs │ ├── ILearningRateScheduler.cs │ ├── LambdaLRScheduler.cs │ ├── LearningRateSchedulerBase.cs │ ├── LearningRateSchedulerFactory.cs │ ├── LearningRateSchedulerType.cs │ ├── LinearWarmupScheduler.cs │ ├── MultiStepLRScheduler.cs │ ├── OneCycleLRScheduler.cs │ ├── PolynomialLRScheduler.cs │ ├── ReduceOnPlateauScheduler.cs │ ├── SequentialLRScheduler.cs │ └── StepLRScheduler.cs ├── LinearAlgebra │ ├── ConditionalInferenceTreeNode.cs │ ├── ConfusionMatrix.cs │ ├── DecisionTreeNode.cs │ ├── ExpressionTree.cs │ ├── ExpressionTreeVelocity.cs │ ├── FastFourierTransform.cs │ ├── NodeModification.cs │ └── Sample.cs ├── LoRA │ ├── Adapters │ │ ├── AdaLoRAAdapter.cs │ │ ├── ChainLoRAAdapter.cs │ │ ├── DVoRAAdapter.cs │ │ ├── DeltaLoRAAdapter.cs │ │ ├── DenseLoRAAdapter.cs │ │ ├── DoRAAdapter.cs │ │ ├── DyLoRAAdapter.cs │ │ ├── FloraAdapter.cs │ │ ├── GLoRAAdapter.cs │ │ ├── HRAAdapter.cs │ │ ├── LoHaAdapter.cs │ │ ├── LoKrAdapter.cs │ │ ├── LoRAAdapterBase.cs │ │ ├── LoRADropAdapter.cs │ │ ├── LoRAFAAdapter.cs │ │ ├── LoRAPlusAdapter.cs │ │ ├── LoRAXSAdapter.cs │ │ ├── LoRETTAAdapter.cs │ │ ├── LoftQAdapter.cs │ │ ├── LongLoRAAdapter.cs │ │ ├── MoRAAdapter.cs │ │ ├── MultiLoRAAdapter.cs │ │ ├── NOLAAdapter.cs │ │ ├── PiSSAAdapter.cs │ │ ├── QALoRAAdapter.cs │ │ ├── QLoRAAdapter.cs │ │ ├── ReLoRAAdapter.cs │ │ ├── RoSAAdapter.cs │ │ ├── SLoRAAdapter.cs │ │ ├── StandardLoRAAdapter.cs │ │ ├── TiedLoRAAdapter.cs │ │ ├── VBLoRAAdapter.cs │ │ ├── VeRAAdapter.cs │ │ └── XLoRAAdapter.cs │ ├── DefaultLoRAConfiguration.cs │ └── LoRALayer.cs ├── Logging │ ├── HistogramSummary.cs │ ├── ImageSummary.cs │ ├── Summary.cs │ ├── SummaryValue.cs │ ├── SummaryWriter.cs │ ├── TensorBoardEvent.cs │ ├── TensorBoardWriter.cs │ ├── TextSummary.cs │ └── VarintHelper.cs ├── LossFunctions │ ├── BinaryCrossEntropyLoss.cs │ ├── CTCLoss.cs │ ├── CategoricalCrossEntropyLoss.cs │ ├── ContrastiveLoss.cs │ ├── CosineSimilarityLoss.cs │ ├── CrossEntropyLoss.cs │ ├── DiceLoss.cs │ ├── ElasticNetLoss.cs │ ├── ExponentialLoss.cs │ ├── FocalLoss.cs │ ├── HingeLoss.cs │ ├── HuberLoss.cs │ ├── JaccardLoss.cs │ ├── KullbackLeiblerDivergence.cs │ ├── LogCoshLoss.cs │ ├── LossFunctionBase.cs │ ├── MarginLoss.cs │ ├── MeanAbsoluteErrorLoss.cs │ ├── MeanBiasErrorLoss.cs │ ├── MeanSquaredErrorLoss.cs │ ├── ModifiedHuberLoss.cs │ ├── NoiseContrastiveEstimationLoss.cs │ ├── OrdinalRegressionLoss.cs │ ├── PerceptualLoss.cs │ ├── PoissonLoss.cs │ ├── QuantileLoss.cs │ ├── QuantumLoss.cs │ ├── RootMeanSquaredErrorLoss.cs │ ├── RotationPredictionLoss.cs │ ├── SparseCategoricalCrossEntropyLoss.cs │ ├── SquaredHingeLoss.cs │ ├── TripletLoss.cs │ └── WeightedCrossEntropyLoss.cs ├── MetaLearning │ ├── Config │ │ ├── MAMLTrainerConfig.cs │ │ ├── ReptileTrainerConfig.cs │ │ └── SEALTrainerConfig.cs │ └── Trainers │ │ ├── MAMLTrainer.cs │ │ ├── MetaLearnerBase.cs │ │ ├── ReptileTrainer.cs │ │ └── SEALTrainer.cs ├── MixedPrecision │ ├── LossScaler.cs │ ├── MixedPrecisionConfig.cs │ ├── MixedPrecisionContext.cs │ └── MixedPrecisionTrainingLoop.cs ├── Models │ ├── AgentAssistanceOptions.cs │ ├── AgentAssistanceOptionsBuilder.cs │ ├── AgentConfiguration.cs │ ├── AgentGlobalConfigurationBuilder.cs │ ├── AgentRecommendation.cs │ ├── DataSetStats.cs │ ├── EpochHistory.cs │ ├── GradientModel.cs │ ├── Inputs │ │ ├── BasicStatsInputs.cs │ │ ├── ErrorStatsInputs.cs │ │ ├── ModelEvaluationInput.cs │ │ ├── ModelStatsInputs.cs │ │ ├── OptimizationInputData.cs │ │ └── PredictionStatsInputs.cs │ ├── InterventionEffect.cs │ ├── InterventionInfo.cs │ ├── ModelEvaluationData.cs │ ├── ModelMetadata.cs │ ├── NormalizationInfo.cs │ ├── NormalizationParameters.cs │ ├── OptimizationIterationInfo.cs │ ├── OptimizationStepData.cs │ ├── Options │ │ ├── A2COptions.cs │ │ ├── A3COptions.cs │ │ ├── ADMMOptimizerOptions.cs │ │ ├── AMSGradOptimizerOptions.cs │ │ ├── ARIMAOptions.cs │ │ ├── ARIMAXModelOptions.cs │ │ ├── ARMAOptions.cs │ │ ├── ARModelOptions.cs │ │ ├── AdaBoostR2RegressionOptions.cs │ │ ├── AdaDeltaOptimizerOptions.cs │ │ ├── AdaMaxOptimizerOptions.cs │ │ ├── AdagradOptimizerOptions.cs │ │ ├── AdamOptimizerOptions.cs │ │ ├── AdamWOptimizerOptions.cs │ │ ├── AdaptiveFitDetectorOptions.cs │ │ ├── AntColonyOptimizationOptions.cs │ │ ├── AutocorrelationFitDetectorOptions.cs │ │ ├── BFGSOptimizerOptions.cs │ │ ├── BayesianFitDetectorOptions.cs │ │ ├── BayesianOptimizerOptions.cs │ │ ├── BayesianRegressionOptions.cs │ │ ├── BayesianStructuralTimeSeriesOptions.cs │ │ ├── BootstrapFitDetectorOptions.cs │ │ ├── CMAESOptimizerOptions.cs │ │ ├── CQLOptions.cs │ │ ├── CalibratedProbabilityFitDetectorOptions.cs │ │ ├── ConditionalInferenceTreeOptions.cs │ │ ├── ConfusionMatrixFitDetectorOptions.cs │ │ ├── ConjugateGradientOptimizerOptions.cs │ │ ├── CookDistanceFitDetectorOptions.cs │ │ ├── CoordinateDescentOptimizerOptions.cs │ │ ├── CrossValidationFitDetectorOptions.cs │ │ ├── CrossValidationOptions.cs │ │ ├── DDPGOptions.cs │ │ ├── DFPOptimizerOptions.cs │ │ ├── DQNOptions.cs │ │ ├── DataProcessorOptions.cs │ │ ├── DecisionTransformerOptions.cs │ │ ├── DecisionTreeOptions.cs │ │ ├── DifferentialEvolutionOptions.cs │ │ ├── DiffusionModelOptions.cs │ │ ├── DoubleDQNOptions.cs │ │ ├── DoubleQLearningOptions.cs │ │ ├── DreamerOptions.cs │ │ ├── DreamerOptions.cs.backup │ │ ├── DuelingDQNOptions.cs │ │ ├── DynaQOptions.cs │ │ ├── DynaQPlusOptions.cs │ │ ├── DynamicRegressionWithARIMAErrorsOptions.cs │ │ ├── EnsembleFitDetectorOptions.cs │ │ ├── EpsilonGreedyBanditOptions.cs │ │ ├── ExpectedSARSAOptions.cs │ │ ├── ExponentialSmoothingOptions.cs │ │ ├── ExtremelyRandomizedTreesRegressionOptions.cs │ │ ├── FTRLOptimizerOptions.cs │ │ ├── FeatureImportanceFitDetectorOptions.cs │ │ ├── FitnessCalculatorOptions.cs │ │ ├── GARCHModelOptions.cs │ │ ├── GaussianProcessFitDetectorOptions.cs │ │ ├── GaussianProcessRegressionOptions.cs │ │ ├── GeneralizedAdditiveModelOptions.cs │ │ ├── GeneticAlgorithmOptions.cs │ │ ├── GradientBanditOptions.cs │ │ ├── GradientBasedOptimizerOptions.cs │ │ ├── GradientBoostingFitDetectorOptions.cs │ │ ├── GradientBoostingRegressionOptions.cs │ │ ├── GradientDescentOptimizerOptions.cs │ │ ├── HeteroscedasticityFitDetectorOptions.cs │ │ ├── HoldoutValidationFitDetectorOptions.cs │ │ ├── HybridFitDetectorOptions.cs │ │ ├── IQLOptions.cs │ │ ├── InformationCriteriaFitDetectorOptions.cs │ │ ├── InterventionAnalysisOptions.cs │ │ ├── JackknifeFitDetectorOptions.cs │ │ ├── KFoldCrossValidationFitDetectorOptions.cs │ │ ├── KNearestNeighborsOptions.cs │ │ ├── KernelRidgeRegressionOptions.cs │ │ ├── KnowledgeDistillationOptions.cs │ │ ├── LBFGSOptimizerOptions.cs │ │ ├── LSPIOptions.cs │ │ ├── LSTDOptions.cs │ │ ├── LearningCurveFitDetectorOptions.cs │ │ ├── LevenbergMarquardtOptimizerOptions.cs │ │ ├── LinearQLearningOptions.cs │ │ ├── LinearSARSAOptions.cs │ │ ├── LionOptimizerOptions.cs │ │ ├── LocallyWeightedRegressionOptions.cs │ │ ├── LogisticRegressionOptions.cs │ │ ├── M5ModelTreeOptions.cs │ │ ├── MADDPGOptions.cs │ │ ├── MAModelOptions.cs │ │ ├── MiniBatchGradientDescentOptions.cs │ │ ├── MixtureOfExpertsOptions.cs │ │ ├── ModelOptions.cs │ │ ├── ModelStatsOptions.cs │ │ ├── ModifiedPolicyIterationOptions.cs │ │ ├── MomentumOptimizerOptions.cs │ │ ├── MonteCarloExploringStartsOptions.cs │ │ ├── MonteCarloOptions.cs │ │ ├── MonteCarloValidationOptions.cs │ │ ├── MuZeroOptions.cs │ │ ├── MultilayerPerceptronRegressionOptions.cs │ │ ├── MultinomialLogisticRegressionOptions.cs │ │ ├── NBEATSModelOptions.cs │ │ ├── NStepQLearningOptions.cs │ │ ├── NStepSARSAOptions.cs │ │ ├── NadamOptimizerOptions.cs │ │ ├── NegativeBinomialRegressionOptions.cs │ │ ├── NelderMeadOptimizerOptions.cs │ │ ├── NesterovAcceleratedGradientOptimizerOptions.cs │ │ ├── NeuralNetworkARIMAOptions.cs │ │ ├── NeuralNetworkFitDetectorOptions.cs │ │ ├── NeuralNetworkRegressionOptions.cs │ │ ├── NewtonMethodOptimizerOptions.cs │ │ ├── NonLinearRegressionOptions.cs │ │ ├── OffPolicyMonteCarloOptions.cs │ │ ├── OnPolicyMonteCarloOptions.cs │ │ ├── OptimizationAlgorithmOptions.cs │ │ ├── OrthogonalRegressionOptions.cs │ │ ├── PPOOptions.cs │ │ ├── PartialDependencePlotFitDetectorOptions.cs │ │ ├── PartialLeastSquaresRegressionOptions.cs │ │ ├── ParticleSwarmOptimizationOptions.cs │ │ ├── PermutationTestFitDetectorOptions.cs │ │ ├── PoissonRegressionOptions.cs │ │ ├── PolicyIterationOptions.cs │ │ ├── PolynomialRegressionOptions.cs │ │ ├── PowellOptimizerOptions.cs │ │ ├── PrecisionRecallCurveFitDetectorOptions.cs │ │ ├── PredictionModelOptions.cs │ │ ├── PrincipalComponentRegressionOptions.cs │ │ ├── PrioritizedSweepingOptions.cs │ │ ├── ProphetOptions.cs │ │ ├── ProximalGradientDescentOptimizerOptions.cs │ │ ├── QLambdaOptions.cs │ │ ├── QMIXOptions.cs │ │ ├── QuantileRegressionForestsOptions.cs │ │ ├── QuantileRegressionOptions.cs │ │ ├── REINFORCEOptions.cs │ │ ├── ROCCurveFitDetectorOptions.cs │ │ ├── RadialBasisFunctionOptions.cs │ │ ├── RainbowDQNOptions.cs │ │ ├── RandomForestRegressionOptions.cs │ │ ├── RegressionOptions.cs │ │ ├── RegularizationOptions.cs │ │ ├── ResidualAnalysisFitDetectorOptions.cs │ │ ├── ResidualBootstrapFitDetectorOptions.cs │ │ ├── RobustRegressionOptions.cs │ │ ├── RootMeanSquarePropagationOptimizerOptions.cs │ │ ├── SACOptions.cs │ │ ├── SARIMAOptions.cs │ │ ├── SARSALambdaOptions.cs │ │ ├── SARSAOptions.cs │ │ ├── STLDecompositionOptions.cs │ │ ├── ShapleyValueFitDetectorOptions.cs │ │ ├── SimulatedAnnealingOptions.cs │ │ ├── SpectralAnalysisOptions.cs │ │ ├── SplineRegressionOptions.cs │ │ ├── StateSpaceModelOptions.cs │ │ ├── StepwiseRegressionOptions.cs │ │ ├── StochasticGradientDescentOptimizerOptions.cs │ │ ├── StratifiedKFoldCrossValidationFitDetectorOptions.cs │ │ ├── SupportVectorRegressionOptions.cs │ │ ├── SymbolicRegressionOptions.cs │ │ ├── TBATSModelOptions.cs │ │ ├── TD3Options.cs │ │ ├── TRPOOptions.cs │ │ ├── TabuSearchOptions.cs │ │ ├── TabularActorCriticOptions.cs │ │ ├── TabularQLearningOptions.cs │ │ ├── ThompsonSamplingOptions.cs │ │ ├── TimeSeriesCrossValidationFitDetectorOptions.cs │ │ ├── TimeSeriesRegressionOptions.cs │ │ ├── TransferFunctionOptions.cs │ │ ├── TrustRegionOptimizerOptions.cs │ │ ├── UCBBanditOptions.cs │ │ ├── UnobservedComponentsOptions.cs │ │ ├── VARMAModelOptions.cs │ │ ├── VARModelOptions.cs │ │ ├── VIFFitDetectorOptions.cs │ │ ├── ValueIterationOptions.cs │ │ ├── WatkinsQLambdaOptions.cs │ │ ├── WeightedRegressionOptions.cs │ │ └── WorldModelsOptions.cs │ ├── Results │ │ ├── BootstrapResult.cs │ │ ├── ChiSquareTestResult.cs │ │ ├── ClusteringMetrics.cs │ │ ├── CrossValidationResult.cs │ │ ├── DistributionFitResult.cs │ │ ├── FTestResult.cs │ │ ├── FitDetectorResult.cs │ │ ├── FoldResult.cs │ │ ├── MannWhitneyUTestResult.cs │ │ ├── MetaAdaptationResult.cs │ │ ├── MetaEvaluationResult.cs │ │ ├── MetaTrainingResult.cs │ │ ├── MetaTrainingStepResult.cs │ │ ├── ModelResult.cs │ │ ├── OptimizationResult.cs │ │ ├── PermutationTestResult.cs │ │ ├── PredictionModelResult.cs │ │ └── TTestResult.cs │ └── VectorModel.cs ├── NestedLearning │ ├── AssociativeMemory.cs │ ├── ContextFlow.cs │ └── README.md ├── NeuralNetworks │ ├── Attention │ │ ├── FlashAttention.cs │ │ ├── FlashAttentionConfig.cs │ │ └── FlashAttentionLayer.cs │ ├── AttentionNetwork.cs │ ├── Autoencoder.cs │ ├── CapsuleNetwork.cs │ ├── Connection.cs │ ├── ConvolutionalNeuralNetwork.cs │ ├── DeepBeliefNetwork.cs │ ├── DeepBoltzmannMachine.cs │ ├── DeepQNetwork.cs │ ├── DifferentiableNeuralComputer.cs │ ├── EchoStateNetwork.cs │ ├── Experience.cs │ ├── ExtremeLearningMachine.cs │ ├── FeedForwardNeuralNetwork.cs │ ├── GRUNeuralNetwork.cs │ ├── GenerativeAdversarialNetwork.cs │ ├── Genome.cs │ ├── GraphNeuralNetwork.cs │ ├── HTMNetwork.cs │ ├── HopeNetwork.cs │ ├── HopfieldNetwork.cs │ ├── LSTMNeuralNetwork.cs │ ├── Layers │ │ ├── ActivationLayer.cs │ │ ├── AddLayer.cs │ │ ├── AnomalyDetectorLayer.cs │ │ ├── AttentionLayer.cs │ │ ├── AvgPoolingLayer.cs │ │ ├── BatchNormalizationLayer.cs │ │ ├── BidirectionalLayer.cs │ │ ├── CapsuleLayer.cs │ │ ├── ConcatenateLayer.cs │ │ ├── ConditionalRandomFieldLayer.cs │ │ ├── ContinuumMemorySystemLayer.cs │ │ ├── ConvLSTMLayer.cs │ │ ├── ConvolutionalLayer.cs │ │ ├── CroppingLayer.cs │ │ ├── DecoderLayer.cs │ │ ├── DeconvolutionalLayer.cs │ │ ├── DenseLayer.cs │ │ ├── DepthwiseSeparableConvolutionalLayer.cs │ │ ├── DigitCapsuleLayer.cs │ │ ├── DilatedConvolutionalLayer.cs │ │ ├── DropoutLayer.cs │ │ ├── EmbeddingLayer.cs │ │ ├── ExpertLayer.cs │ │ ├── FeedForwardLayer.cs │ │ ├── FlattenLayer.cs │ │ ├── FullyConnectedLayer.cs │ │ ├── GRULayer.cs │ │ ├── GatedLinearUnitLayer.cs │ │ ├── GaussianNoiseLayer.cs │ │ ├── GlobalPoolingLayer.cs │ │ ├── GraphConvolutionalLayer.cs │ │ ├── HighwayLayer.cs │ │ ├── InputLayer.cs │ │ ├── LSTMLayer.cs │ │ ├── LambdaLayer.cs │ │ ├── LayerBase.cs │ │ ├── LayerNormalizationLayer.cs │ │ ├── LocallyConnectedLayer.cs │ │ ├── LogVarianceLayer.cs │ │ ├── MaskingLayer.cs │ │ ├── MaxPoolingLayer.cs │ │ ├── MeanLayer.cs │ │ ├── MeasurementLayer.cs │ │ ├── MemoryReadLayer.cs │ │ ├── MemoryWriteLayer.cs │ │ ├── MixtureOfExpertsBuilder.cs │ │ ├── MixtureOfExpertsLayer.cs │ │ ├── MultiHeadAttentionLayer.cs │ │ ├── MultiplyLayer.cs │ │ ├── PaddingLayer.cs │ │ ├── PatchEmbeddingLayer.cs │ │ ├── PoolingLayer.cs │ │ ├── PositionalEncodingLayer.cs │ │ ├── PrimaryCapsuleLayer.cs │ │ ├── QuantumLayer.cs │ │ ├── RBFLayer.cs │ │ ├── RBMLayer.cs │ │ ├── ReadoutLayer.cs │ │ ├── ReconstructionLayer.cs │ │ ├── RecurrentLayer.cs │ │ ├── RepParameterizationLayer.cs │ │ ├── ReservoirLayer.cs │ │ ├── ReshapeLayer.cs │ │ ├── ResidualLayer.cs │ │ ├── SelfAttentionLayer.cs │ │ ├── SeparableConvolutionalLayer.cs │ │ ├── SpatialPoolerLayer.cs │ │ ├── SpatialTransformerLayer.cs │ │ ├── SpikingLayer.cs │ │ ├── SplitLayer.cs │ │ ├── SqueezeAndExcitationLayer.cs │ │ ├── SubpixelConvolutionalLayer.cs │ │ ├── SynapticPlasticityLayer.cs │ │ ├── TemporalMemoryLayer.cs │ │ ├── TimeDistributedLayer.cs │ │ ├── TransformerDecoderLayer.cs │ │ ├── TransformerEncoderLayer.cs │ │ └── UpsamplingLayer.cs │ ├── LiquidStateMachine.cs │ ├── MemoryNetwork.cs │ ├── MixtureOfExpertsNeuralNetwork.cs │ ├── NEAT.cs │ ├── NeuralNetwork.cs │ ├── NeuralNetworkArchitecture.cs │ ├── NeuralNetworkBase.cs │ ├── NeuralTuringMachine.cs │ ├── OccupancyNeuralNetwork.cs │ ├── QuantumNeuralNetwork.cs │ ├── RadialBasisFunctionNetwork.cs │ ├── RecurrentNeuralNetwork.cs │ ├── ResidualNeuralNetwork.cs │ ├── RestrictedBoltzmannMachine.cs │ ├── SelfOrganizingMap.cs │ ├── SiameseNetwork.cs │ ├── SpikingNeuralNetwork.cs │ ├── SuperNet.cs │ ├── Transformer.cs │ ├── TransformerArchitecture.cs │ ├── VariationalAutoencoder.cs │ └── VisionTransformer.cs ├── Normalizers │ ├── BinningNormalizer.cs │ ├── DecimalNormalizer.cs │ ├── GlobalContrastNormalizer.cs │ ├── LogMeanVarianceNormalizer.cs │ ├── LogNormalizer.cs │ ├── LpNormNormalizer.cs │ ├── MaxAbsScaler.cs │ ├── MeanVarianceNormalizer.cs │ ├── MinMaxNormalizer.cs │ ├── NoNormalizer.cs │ ├── NormalizerBase.cs │ ├── QuantileTransformer.cs │ ├── RobustScalingNormalizer.cs │ └── ZScoreNormalizer.cs ├── Optimizers │ ├── ADMMOptimizer.cs │ ├── AMSGradOptimizer.cs │ ├── AdaDeltaOptimizer.cs │ ├── AdaMaxOptimizer.cs │ ├── AdagradOptimizer.cs │ ├── AdamOptimizer.cs │ ├── AdamWOptimizer.cs │ ├── AntColonyOptimizer.cs │ ├── BFGSOptimizer.cs │ ├── BayesianOptimizer.cs │ ├── CMAESOptimizer.cs │ ├── ConjugateGradientOptimizer.cs │ ├── CoordinateDescentOptimizer.cs │ ├── DFPOptimizer.cs │ ├── DifferentialEvolutionOptimizer.cs │ ├── FTRLOptimizer.cs │ ├── GeneticAlgorithmOptimizer.cs │ ├── GradientBasedOptimizerBase.cs │ ├── GradientDescentOptimizer.cs │ ├── LBFGSOptimizer.cs │ ├── LevenbergMarquardtOptimizer.cs │ ├── LionOptimizer.cs │ ├── MiniBatchGradientDescentOptimizer.cs │ ├── ModifiedGradientDescentOptimizer.cs │ ├── MomentumOptimizer.cs │ ├── NadamOptimizer.cs │ ├── NelderMeadOptimizer.cs │ ├── NesterovAcceleratedGradientOptimizer.cs │ ├── NewtonMethodOptimizer.cs │ ├── NormalOptimizer.cs │ ├── OptimizerBase.cs │ ├── ParticleSwarmOptimizer.cs │ ├── PowellOptimizer.cs │ ├── ProximalGradientDescentOptimizer.cs │ ├── RootMeanSquarePropagationOptimizer.cs │ ├── SimulatedAnnealingOptimizer.cs │ ├── StochasticGradientDescentOptimizer.cs │ ├── TabuSearchOptimizer.cs │ └── TrustRegionOptimizer.cs ├── OutlierRemoval │ ├── IQROutlierRemoval.cs │ ├── MADOutlierRemoval.cs │ ├── NoOutlierRemoval.cs │ ├── ThresholdOutlierRemoval.cs │ └── ZScoreOutlierRemoval.cs ├── Polyfills │ ├── CompilerAttributePolyfills.cs │ ├── LanguageFeaturePolyfills.cs │ ├── NetFrameworkPolyfills.cs │ └── PriorityQueuePolyfill.cs ├── PredictionModelBuilder.cs ├── Prototypes │ ├── PrototypeAdamOptimizer.cs │ ├── PrototypeIntegrationTests.cs │ ├── PrototypeVector.cs │ ├── SimpleLinearRegression.cs │ └── SimpleNeuralNetwork.cs ├── RadialBasisFunctions │ ├── BesselRBF.cs │ ├── CubicRBF.cs │ ├── ExponentialRBF.cs │ ├── GaussianRBF.cs │ ├── InverseMultiquadricRBF.cs │ ├── InverseQuadraticRBF.cs │ ├── LinearRBF.cs │ ├── MaternRBF.cs │ ├── MultiquadricRBF.cs │ ├── PolyharmonicSplineRBF.cs │ ├── RationalQuadraticRBF.cs │ ├── SphericalRBF.cs │ ├── SquaredExponentialRBF.cs │ ├── ThinPlateSplineRBF.cs │ ├── WaveRBF.cs │ └── WendlandRBF.cs ├── Reasoning │ ├── Aggregation │ │ ├── MajorityVotingAggregator.cs │ │ └── WeightedAggregator.cs │ ├── Benchmarks │ │ ├── ARCAGIBenchmark.cs │ │ ├── BoolQBenchmark.cs │ │ ├── CommonsenseQABenchmark.cs │ │ ├── DROPBenchmark.cs │ │ ├── Data │ │ │ ├── GSM8KDataLoader.cs │ │ │ └── HumanEvalDataLoader.cs │ │ ├── GSM8KBenchmark.cs │ │ ├── HellaSwagBenchmark.cs │ │ ├── HumanEvalBenchmark.cs │ │ ├── LogiQABenchmark.cs │ │ ├── MATHBenchmark.cs │ │ ├── MBPPBenchmark.cs │ │ ├── MMLUBenchmark.cs │ │ ├── Models │ │ │ ├── BenchmarkProblem.cs │ │ │ └── BenchmarkResult.cs │ │ ├── PIQABenchmark.cs │ │ ├── TruthfulQABenchmark.cs │ │ └── WinoGrandeBenchmark.cs │ ├── Components │ │ ├── ContradictionDetector.cs │ │ ├── DiversitySampler.cs │ │ ├── ThoughtEvaluator.cs │ │ └── ThoughtGenerator.cs │ ├── ComputeScaling │ │ └── AdaptiveComputeScaler.cs │ ├── DomainSpecific │ │ ├── CodeReasoner.cs │ │ ├── LogicalReasoner.cs │ │ ├── MathematicalReasoner.cs │ │ └── ScientificReasoner.cs │ ├── Models │ │ ├── ReasoningChain.cs │ │ ├── ReasoningConfig.cs │ │ ├── ReasoningResult.cs │ │ ├── ReasoningStep.cs │ │ └── ThoughtNode.cs │ ├── Reasoner.cs │ ├── ReasoningStrategyBase.cs │ ├── Search │ │ ├── BeamSearch.cs │ │ ├── BestFirstSearch.cs │ │ ├── BreadthFirstSearch.cs │ │ ├── DepthFirstSearch.cs │ │ └── MonteCarloTreeSearch.cs │ ├── Strategies │ │ ├── ChainOfThoughtStrategy.cs │ │ ├── SelfConsistencyStrategy.cs │ │ └── TreeOfThoughtsStrategy.cs │ ├── Training │ │ ├── PolicyGradientTrainer.cs │ │ ├── ReinforcementLearner.cs │ │ └── TrainingDataCollector.cs │ └── Verification │ │ ├── CalculatorVerifier.cs │ │ ├── CodeExecutionVerifier.cs │ │ ├── CriticModel.cs │ │ ├── HybridRewardModel.cs │ │ ├── OutcomeRewardModel.cs │ │ ├── ProcessRewardModel.cs │ │ └── SelfRefinementEngine.cs ├── Regression │ ├── AdaBoostR2Regression.cs │ ├── BayesianRegression.cs │ ├── ConditionalInferenceTreeRegression.cs │ ├── DecisionTreeAsyncRegressionBase.cs │ ├── DecisionTreeRegression.cs │ ├── DecisionTreeRegressionBase.cs │ ├── ExtremelyRandomizedTreesRegression.cs │ ├── GaussianProcessRegression.cs │ ├── GeneralizedAdditiveModelRegression.cs │ ├── GeneticAlgorithmRegression.cs │ ├── GradientBoostingRegression.cs │ ├── IsotonicRegression.cs │ ├── KNearestNeighborsRegression.cs │ ├── KernelRidgeRegression.cs │ ├── LocallyWeightedRegression.cs │ ├── LogisticRegression.cs │ ├── M5ModelTreeRegression.cs │ ├── MultilayerPerceptronRegression.cs │ ├── MultinomialLogisticRegression.cs │ ├── MultipleRegression.cs │ ├── MultivariateRegression.cs │ ├── NegativeBinomialRegression.cs │ ├── NeuralNetworkRegression.cs │ ├── NonLinearRegressionBase.cs │ ├── OrthogonalRegression.cs │ ├── PartialLeastSquaresRegression.cs │ ├── PoissonRegression.cs │ ├── PolynomialRegression.cs │ ├── PrincipalComponentRegression.cs │ ├── QuantileRegression.cs │ ├── QuantileRegressionForests.cs │ ├── RadialBasisFunctionRegression.cs │ ├── RandomForestRegression.cs │ ├── RegressionBase.cs │ ├── RobustRegression.cs │ ├── SimpleRegression.cs │ ├── SplineRegression.cs │ ├── StepwiseRegression.cs │ ├── SupportVectorRegression.cs │ ├── SymbolicRegression.cs │ ├── TimeSeriesRegression.cs │ └── WeightedRegression.cs ├── Regularization │ ├── ElasticRegularization.cs │ ├── L1Regularization.cs │ ├── L2Regularization.cs │ ├── NoRegularization.cs │ └── RegularizationBase.cs ├── ReinforcementLearning │ ├── Agents │ │ ├── A2C │ │ │ └── A2CAgent.cs │ │ ├── A3C │ │ │ ├── A3CAgent.cs │ │ │ └── WorkerNetworks.cs │ │ ├── AdvancedRL │ │ │ ├── LSPIAgent.cs │ │ │ ├── LSTDAgent.cs │ │ │ ├── LinearQLearningAgent.cs │ │ │ ├── LinearSARSAAgent.cs │ │ │ └── TabularActorCriticAgent.cs │ │ ├── Bandits │ │ │ ├── EpsilonGreedyBanditAgent.cs │ │ │ ├── GradientBanditAgent.cs │ │ │ ├── ThompsonSamplingAgent.cs │ │ │ └── UCBBanditAgent.cs │ │ ├── CQL │ │ │ └── CQLAgent.cs │ │ ├── DDPG │ │ │ └── DDPGAgent.cs │ │ ├── DQN │ │ │ └── DQNAgent.cs │ │ ├── DecisionTransformer │ │ │ ├── DecisionTransformerAgent.cs │ │ │ └── SequenceContext.cs │ │ ├── DeepReinforcementLearningAgentBase.cs │ │ ├── DoubleDQN │ │ │ └── DoubleDQNAgent.cs │ │ ├── DoubleQLearning │ │ │ └── DoubleQLearningAgent.cs │ │ ├── Dreamer │ │ │ └── DreamerAgent.cs │ │ ├── DuelingDQN │ │ │ └── DuelingDQNAgent.cs │ │ ├── DynamicProgramming │ │ │ ├── ModifiedPolicyIterationAgent.cs │ │ │ ├── PolicyIterationAgent.cs │ │ │ └── ValueIterationAgent.cs │ │ ├── EligibilityTraces │ │ │ ├── QLambdaAgent.cs │ │ │ ├── SARSALambdaAgent.cs │ │ │ └── WatkinsQLambdaAgent.cs │ │ ├── ExpectedSARSA │ │ │ └── ExpectedSARSAAgent.cs │ │ ├── IQL │ │ │ └── IQLAgent.cs │ │ ├── MADDPG │ │ │ └── MADDPGAgent.cs │ │ ├── MonteCarlo │ │ │ ├── EveryVisitMonteCarloAgent.cs │ │ │ ├── FirstVisitMonteCarloAgent.cs │ │ │ ├── MonteCarloExploringStartsAgent.cs │ │ │ ├── OffPolicyMonteCarloAgent.cs │ │ │ └── OnPolicyMonteCarloAgent.cs │ │ ├── MuZero │ │ │ ├── MCTSNode.cs │ │ │ └── MuZeroAgent.cs │ │ ├── NStepQLearning │ │ │ └── NStepQLearningAgent.cs │ │ ├── NStepSARSA │ │ │ └── NStepSARSAAgent.cs │ │ ├── PPO │ │ │ ├── PPOAgent.cs │ │ │ └── PPOAgent.cs.backup │ │ ├── Planning │ │ │ ├── DynaQAgent.cs │ │ │ ├── DynaQPlusAgent.cs │ │ │ └── PrioritizedSweepingAgent.cs │ │ ├── QMIX │ │ │ └── QMIXAgent.cs │ │ ├── README.md │ │ ├── REINFORCE │ │ │ └── REINFORCEAgent.cs │ │ ├── Rainbow │ │ │ └── RainbowDQNAgent.cs │ │ ├── ReinforcementLearningAgentBase.cs │ │ ├── ReinforcementLearningAgentBase.cs.backup │ │ ├── SAC │ │ │ └── SACAgent.cs │ │ ├── SARSA │ │ │ └── SARSAAgent.cs │ │ ├── TD3 │ │ │ └── TD3Agent.cs │ │ ├── TRPO │ │ │ └── TRPOAgent.cs │ │ ├── TabularQLearning │ │ │ └── TabularQLearningAgent.cs │ │ └── WorldModels │ │ │ ├── WorldModelsAgent.cs │ │ │ └── WorldModelsAgent.cs.backup │ ├── Common │ │ └── Trajectory.cs │ ├── Environments │ │ └── CartPoleEnvironment.cs │ ├── Interfaces │ │ ├── IEnvironment.cs │ │ └── IRLAgent.cs │ ├── Policies │ │ ├── BetaPolicy.cs │ │ ├── BetaPolicyOptions.cs │ │ ├── ContinuousPolicy.cs │ │ ├── ContinuousPolicyOptions.cs │ │ ├── DeterministicPolicy.cs │ │ ├── DeterministicPolicyOptions.cs │ │ ├── DiscretePolicy.cs │ │ ├── DiscretePolicyOptions.cs │ │ ├── Exploration │ │ │ ├── BoltzmannExploration.cs │ │ │ ├── EpsilonGreedyExploration.cs │ │ │ ├── ExplorationStrategyBase.cs │ │ │ ├── GaussianNoiseExploration.cs │ │ │ ├── IExplorationStrategy.cs │ │ │ ├── NoExploration.cs │ │ │ ├── OrnsteinUhlenbeckNoise.cs │ │ │ ├── ThompsonSamplingExploration.cs │ │ │ └── UpperConfidenceBoundExploration.cs │ │ ├── IPolicy.cs │ │ ├── MixedPolicy.cs │ │ ├── MixedPolicyOptions.cs │ │ ├── MultiModalPolicy.cs │ │ ├── MultiModalPolicyOptions.cs │ │ └── PolicyBase.cs │ └── ReplayBuffers │ │ ├── Experience.cs │ │ ├── IReplayBuffer.cs │ │ ├── PrioritizedReplayBuffer.cs │ │ └── UniformReplayBuffer.cs ├── RetrievalAugmentedGeneration │ ├── AdvancedPatterns │ │ ├── ChainOfThoughtRetriever.cs │ │ ├── FLARERetriever.cs │ │ ├── GraphRAG.cs │ │ ├── MultiStepReasoningRetriever.cs │ │ ├── SelfCorrectingRetriever.cs │ │ ├── TreeOfThoughtsRetriever.cs │ │ └── VerifiedReasoningRetriever.cs │ ├── ChunkingStrategies │ │ ├── AgenticChunker.cs │ │ ├── ChunkingStrategyBase.cs │ │ ├── CodeAwareTextSplitter.cs │ │ ├── FixedSizeChunkingStrategy.cs │ │ ├── HeaderBasedTextSplitter.cs │ │ ├── MarkdownTextSplitter.cs │ │ ├── MultiModalTextSplitter.cs │ │ ├── RecursiveCharacterChunkingStrategy.cs │ │ ├── RecursiveCharacterTextSplitter.cs │ │ ├── SemanticChunkingStrategy.cs │ │ ├── SentenceChunkingStrategy.cs │ │ ├── SlidingWindowChunkingStrategy.cs │ │ └── TableAwareTextSplitter.cs │ ├── Configuration │ │ ├── ChunkingConfig.cs │ │ ├── ContextCompressionConfig.cs │ │ ├── DocumentStoreConfig.cs │ │ ├── EmbeddingConfig.cs │ │ ├── QueryExpansionConfig.cs │ │ ├── RAGConfiguration.cs │ │ ├── RAGConfigurationBuilder.cs │ │ ├── RerankingConfig.cs │ │ └── RetrievalConfig.cs │ ├── ContextCompression │ │ ├── AutoCompressor.cs │ │ ├── ContextCompressorBase.cs │ │ ├── DocumentSummarizer.cs │ │ ├── LLMContextCompressor.cs │ │ └── SelectiveContextCompressor.cs │ ├── DocumentStores │ │ ├── AzureSearchDocumentStore.cs │ │ ├── ChromaDBDocumentStore.cs │ │ ├── DocumentStoreBase.cs │ │ ├── ElasticsearchDocumentStore.cs │ │ ├── FAISSDocumentStore.cs │ │ ├── HybridDocumentStore.cs │ │ ├── InMemoryDocumentStore.cs │ │ ├── MilvusDocumentStore.cs │ │ ├── PineconeDocumentStore.cs │ │ ├── PostgresVectorDocumentStore.cs │ │ ├── QdrantDocumentStore.cs │ │ ├── RedisVLDocumentStore.cs │ │ └── WeaviateDocumentStore.cs │ ├── Embeddings │ │ ├── CohereEmbeddingModel.cs │ │ ├── EmbeddingModelBase.cs │ │ ├── GooglePalmEmbeddingModel.cs │ │ ├── HuggingFaceEmbeddingModel.cs │ │ ├── LocalTransformerEmbedding.cs │ │ ├── MultiModalEmbeddingModel.cs │ │ ├── ONNXSentenceTransformer.cs │ │ ├── OpenAIEmbeddingModel.cs │ │ ├── SentenceTransformersFineTuner.cs │ │ ├── StubEmbeddingModel.cs │ │ └── VoyageAIEmbeddingModel.cs │ ├── Evaluation │ │ ├── AnswerCorrectnessMetric.cs │ │ ├── AnswerSimilarityMetric.cs │ │ ├── ContextCoverageMetric.cs │ │ ├── ContextRelevanceMetric.cs │ │ ├── FaithfulnessMetric.cs │ │ ├── NoiseRobustnessMetric.cs │ │ ├── RAGEvaluator.cs │ │ └── RAGMetricBase.cs │ ├── Generators │ │ ├── GeneratorBase.cs │ │ ├── NeuralGenerator.cs │ │ └── StubGenerator.cs │ ├── Graph │ │ ├── BTreeIndex.cs │ │ ├── FileGraphStore.cs │ │ ├── GraphAnalytics.cs │ │ ├── GraphEdge.cs │ │ ├── GraphNode.cs │ │ ├── GraphQueryMatcher.cs │ │ ├── GraphTransaction.cs │ │ ├── HybridGraphRetriever.cs │ │ ├── KnowledgeGraph.cs │ │ ├── MemoryGraphStore.cs │ │ └── WriteAheadLog.cs │ ├── Models │ │ ├── Document.cs │ │ ├── GroundedAnswer.cs │ │ ├── MultiStepReasoningResult.cs │ │ ├── ReasoningStepResult.cs │ │ ├── ThoughtNode.cs │ │ ├── ToolAugmentedResult.cs │ │ ├── ToolInvocation.cs │ │ ├── VectorDocument.cs │ │ ├── VerifiedReasoningResult.cs │ │ └── VerifiedReasoningStep.cs │ ├── NER │ │ └── BiLSTMCRF_NER.cs │ ├── QueryExpansion │ │ ├── HyDEQueryExpansion.cs │ │ ├── LLMQueryExpansion.cs │ │ ├── LearnedSparseEncoderExpansion.cs │ │ ├── MultiQueryExpansion.cs │ │ ├── QueryExpansionBase.cs │ │ └── SubQueryExpansion.cs │ ├── QueryProcessors │ │ ├── IdentityQueryProcessor.cs │ │ ├── KeywordExtractionQueryProcessor.cs │ │ ├── LemmatizationQueryProcessor.cs │ │ ├── QueryExpansionProcessor.cs │ │ ├── QueryProcessorBase.cs │ │ ├── QueryProcessorHelpers.cs │ │ ├── QueryRewritingProcessor.cs │ │ ├── SpellCheckQueryProcessor.cs │ │ └── StopWordRemovalQueryProcessor.cs │ ├── Rerankers │ │ ├── CohereReranker.cs │ │ ├── CrossEncoderReranker.cs │ │ ├── DiversityReranker.cs │ │ ├── IdentityReranker.cs │ │ ├── LLMBasedReranker.cs │ │ ├── LostInTheMiddleReranker.cs │ │ ├── MaximalMarginalRelevanceReranker.cs │ │ ├── ReciprocalRankFusion.cs │ │ └── RerankerBase.cs │ ├── Retrievers │ │ ├── BM25Retriever.cs │ │ ├── ColBERTRetriever.cs │ │ ├── DenseRetriever.cs │ │ ├── GraphRetriever.cs │ │ ├── HybridRetriever.cs │ │ ├── MultiQueryRetriever.cs │ │ ├── MultiVectorRetriever.cs │ │ ├── ParentDocumentRetriever.cs │ │ ├── RetrieverBase.cs │ │ ├── TFIDFRetriever.cs │ │ └── VectorRetriever.cs │ └── VectorSearch │ │ ├── ISimilarityMetric.cs │ │ ├── Indexes │ │ ├── FlatIndex.cs │ │ ├── HNSWIndex.cs │ │ ├── IVFIndex.cs │ │ ├── IVectorIndex.cs │ │ └── LSHIndex.cs │ │ └── Metrics │ │ ├── CosineSimilarityMetric.cs │ │ ├── DotProductMetric.cs │ │ ├── EuclideanDistanceMetric.cs │ │ ├── JaccardSimilarityMetric.cs │ │ └── ManhattanDistanceMetric.cs ├── Serialization │ ├── JsonConverterRegistry.cs │ ├── MatrixJsonConverter.cs │ ├── TensorJsonConverter.cs │ └── VectorJsonConverter.cs ├── Serving │ └── ContinuousBatching │ │ ├── BatchScheduler.cs │ │ ├── BatcherStatistics.cs │ │ ├── ContinuousBatcher.cs │ │ ├── ContinuousBatcherConfig.cs │ │ ├── GenerationResult.cs │ │ ├── SequenceCompletedEventArgs.cs │ │ ├── SequenceState.cs │ │ └── TokenGeneratedEventArgs.cs ├── Statistics │ ├── BasicStats.cs │ ├── ErrorStats.cs │ ├── GeneticStats.cs │ ├── ModelStats.cs │ ├── PredictionStats.cs │ └── Quartile.cs ├── TimeSeries │ ├── ARIMAModel.cs │ ├── ARIMAXModel.cs │ ├── ARMAModel.cs │ ├── ARModel.cs │ ├── BayesianStructuralTimeSeriesModel.cs │ ├── DynamicRegressionWithARIMAErrors.cs │ ├── ExponentialSmoothingModel.cs │ ├── GARCHModel.cs │ ├── InterventionAnalysisModel.cs │ ├── MAModel.cs │ ├── NBEATSBlock.cs │ ├── NBEATSModel.cs │ ├── NeuralNetworkARIMAModel.cs │ ├── ProphetModel.cs │ ├── SARIMAModel.cs │ ├── STLDecomposition.cs │ ├── SpectralAnalysisModel.cs │ ├── StateSpaceModel.cs │ ├── TBATSModel.cs │ ├── TimeSeriesModelBase.cs │ ├── TransferFunctionModel.cs │ ├── UnobservedComponentsModel.cs │ ├── VARMAModel.cs │ └── VectorAutoRegressionModel.cs ├── Tokenization │ ├── Algorithms │ │ ├── BpeTokenizer.cs │ │ ├── CharacterTokenizer.cs │ │ ├── SentencePieceTokenizer.cs │ │ ├── UnigramTokenizer.cs │ │ └── WordPieceTokenizer.cs │ ├── CodeTokenization │ │ ├── CodeBertTokenizer.cs │ │ ├── CodeTokenizer.cs │ │ └── TreeSitterTokenizer.cs │ ├── Configuration │ │ ├── PretrainedTokenizerModel.cs │ │ └── TokenizationConfig.cs │ ├── Core │ │ └── TokenizerBase.cs │ ├── HuggingFace │ │ ├── AutoTokenizer.cs │ │ ├── HuggingFaceTokenizerLoader.cs │ │ └── TokenizerConfig.cs │ ├── Interfaces │ │ ├── ITokenizer.cs │ │ └── IVocabulary.cs │ ├── Models │ │ ├── EncodingOptions.cs │ │ ├── SpecialTokens.cs │ │ └── TokenizationResult.cs │ ├── README.md │ ├── Specialized │ │ ├── MidiTokenizer.cs │ │ └── PhonemeTokenizer.cs │ └── Vocabulary │ │ └── Vocabulary.cs ├── Tools │ ├── BingSearchResponse.cs │ ├── BingWebPage.cs │ ├── BingWebPages.cs │ ├── CalculatorTool.cs │ ├── CrossValidationTool.cs │ ├── DataAnalysisTool.cs │ ├── FeatureImportanceTool.cs │ ├── HyperparameterTool.cs │ ├── ModelSelectionTool.cs │ ├── PredictionModelTool.cs │ ├── RAGTool.cs │ ├── RegularizationTool.cs │ ├── SearchProvider.cs │ ├── SearchTool.cs │ ├── SerpAPIResponse.cs │ ├── SerpAPIResult.cs │ ├── ToolBase.cs │ ├── VectorSearchTool.cs │ └── WebSearchTool.cs ├── TransferLearning │ ├── Algorithms │ │ ├── TransferLearningBase.cs │ │ ├── TransferNeuralNetwork.cs │ │ └── TransferRandomForest.cs │ ├── DomainAdaptation │ │ ├── CORALDomainAdapter.cs │ │ ├── IDomainAdapter.cs │ │ └── MMDDomainAdapter.cs │ └── FeatureMapping │ │ ├── IFeatureMapper.cs │ │ └── LinearFeatureMapper.cs ├── Validation │ ├── ArchitectureValidator.cs │ ├── RegressionValidator.cs │ ├── SerializationValidator.cs │ ├── TensorValidator.cs │ └── VectorValidator.cs ├── WaveletFunctions │ ├── BSplineWavelet.cs │ ├── BattleLemarieWavelet.cs │ ├── BiorthogonalWavelet.cs │ ├── CoifletWavelet.cs │ ├── ComplexGaussianWavelet.cs │ ├── ComplexMorletWavelet.cs │ ├── ContinuousMexicanHatWavelet.cs │ ├── DOGWavelet.cs │ ├── DaubechiesWavelet.cs │ ├── FejérKorovkinWavelet.cs │ ├── GaborWavelet.cs │ ├── GaussianWavelet.cs │ ├── HaarWavelet.cs │ ├── MexicanHatWavelet.cs │ ├── MeyerWavelet.cs │ ├── MorletWavelet.cs │ ├── PaulWavelet.cs │ ├── ReverseBiorthogonalWavelet.cs │ ├── ShannonWavelet.cs │ └── SymletWavelet.cs └── WindowFunctions │ ├── BartlettHannWindow.cs │ ├── BartlettWindow.cs │ ├── BlackmanHarrisWindow.cs │ ├── BlackmanNuttallWindow.cs │ ├── BlackmanWindow.cs │ ├── BohmanWindow.cs │ ├── CosineWindow.cs │ ├── FlatTopWindow.cs │ ├── GaussianWindow.cs │ ├── HammingWindow.cs │ ├── HanningWindow.cs │ ├── KaiserWindow.cs │ ├── LanczosWindow.cs │ ├── NuttallWindow.cs │ ├── ParzenWindow.cs │ ├── PoissonWindow.cs │ ├── RectangularWindow.cs │ ├── TriangularWindow.cs │ ├── TukeyWindow.cs │ └── WelchWindow.cs ├── testconsole ├── AiDotNetTestConsole.csproj ├── DeconvTest.cs ├── Examples │ ├── EnhancedNeuralNetworkExample.cs │ ├── EnhancedRegressionExample.cs │ ├── EnhancedTimeSeriesExample.cs │ ├── KnowledgeDistillationExample.cs │ ├── NeuralNetworkExample.cs │ ├── RegressionExample.cs │ ├── SimpleKnowledgeDistillationExample.cs │ └── TimeSeriesExample.cs ├── GlobalUsings.cs └── Program.cs └── tests ├── AiDotNet.Serving.Tests ├── AiDotNet.Serving.Tests.csproj ├── BatchingStrategyTests.cs ├── GlobalUsings.cs ├── PaddingStrategyTests.cs ├── PerformanceMetricsTests.cs ├── PriorityQueueTests.cs ├── Properties │ └── launchSettings.json └── ServingIntegrationTests.cs ├── AiDotNet.Tensors.Benchmarks ├── AiDotNet.Tensors.Benchmarks.csproj ├── Program.cs ├── QuickPerformanceTest.cs └── TrigonometricOperatorBenchmarks.cs ├── AiDotNet.Tensors.Tests ├── AiDotNet.Tensors.Tests.csproj ├── Engines │ └── TensorMatMulTransposeTests.cs ├── Operators │ ├── AbsOperatorTests.cs │ ├── AcoshOperatorTests.cs │ ├── AsinhOperatorTests.cs │ ├── AtanhOperatorTests.cs │ ├── CbrtOperatorTests.cs │ ├── CeilingOperatorTests.cs │ ├── CosOperatorTests.cs │ ├── CoshOperatorTests.cs │ ├── Exp10OperatorTests.cs │ ├── Exp2OperatorTests.cs │ ├── ExpOperatorTests.cs │ ├── FloorOperatorTests.cs │ ├── Log10OperatorTests.cs │ ├── Log2OperatorTests.cs │ ├── LogOperatorTests.cs │ ├── ReciprocalOperatorTests.cs │ ├── RoundOperatorTests.cs │ ├── SinOperatorTests.cs │ ├── SinhOperatorTests.cs │ ├── SqrtOperatorTests.cs │ ├── TanOperatorTests.cs │ ├── TanhOperatorTests.cs │ └── TruncateOperatorTests.cs └── TestHelpers │ └── MathCompat.cs ├── AiDotNet.Tests ├── ActivationFunctions │ └── ActivationFunctionBehaviorTests.cs ├── AiDotNetTests.csproj ├── Benchmarks │ ├── AutodiffPerformanceBenchmarks.cs │ ├── GpuAccelerationBenchmarks.cs │ ├── JIT_BENCHMARKS_README.md │ ├── JitCompilerBenchmarks.cs │ └── TokenizerBenchmarks.cs ├── Concurrency │ └── ThreadSafetyTests.cs ├── Factories │ └── ActivationFunctionFactoryTests.cs ├── GlobalUsings.cs ├── Helpers │ ├── FitDetectorTestHelper.cs │ └── MockFullModel.cs ├── IntegrationTests │ └── JitCompilationIntegrationTests.cs ├── JitCompiler │ └── JitCompilerOperationsTests.cs ├── Recovery │ └── GpuRecoveryTests.cs ├── StressTests │ ├── GpuStressTests.cs │ └── MemoryLeakTests.cs ├── Tokenization │ ├── BpeTokenizerTests.cs │ ├── CodeTokenizerTests.cs │ ├── VocabularyTests.cs │ └── WordPieceTokenizerTests.cs └── UnitTests │ ├── ActivationFunctions │ └── ELUActivationTests.cs │ ├── Attention │ └── FlashAttentionTests.cs │ ├── AutoML │ └── GradientBasedNASTests.cs │ ├── Autodiff │ ├── GradientCorrectnessTests.cs │ └── TensorOperationsVerificationTests.cs │ ├── Data │ ├── AdvancedEpisodicDataLoaderTests.cs │ └── UniformEpisodicDataLoaderTests.cs │ ├── Diagnostics │ └── ProfilerTests.cs │ ├── Diffusion │ ├── Models │ │ └── DDPMModelTests.cs │ └── Schedulers │ │ ├── DDIMSchedulerTests.cs │ │ ├── PNDMSchedulerTests.cs │ │ └── SchedulerConfigTests.cs │ ├── Encoding │ └── Utf8EncodingTests.cs │ ├── FeatureSelectors │ ├── SelectFromModelTests.cs │ ├── SequentialFeatureSelectorTests.cs │ └── UnivariateFeatureSelectorTests.cs │ ├── FitDetectors │ ├── BayesianFitDetectorTests.cs │ ├── CalibratedProbabilityFitDetectorTests.cs │ ├── EnsembleFitDetectorTests.cs │ ├── FeatureImportanceFitDetectorTests.cs │ ├── GaussianProcessFitDetectorTests.cs │ ├── GradientBoostingFitDetectorTests.cs │ └── NeuralNetworkFitDetectorTests.cs │ ├── FitnessCalculators │ ├── ContrastiveLossFitnessCalculatorTests.cs │ ├── CosineSimilarityLossFitnessCalculatorTests.cs │ ├── DiceLossFitnessCalculatorTests.cs │ ├── JaccardLossFitnessCalculatorTests.cs │ ├── KullbackLeiblerDivergenceFitnessCalculatorTests.cs │ ├── ModifiedHuberLossFitnessCalculatorTests.cs │ ├── OrdinalRegressionLossFitnessCalculatorTests.cs │ ├── PoissonLossFitnessCalculatorTests.cs │ ├── QuantileLossFitnessCalculatorTests.cs │ ├── RSquaredFitnessCalculatorTests.cs │ ├── RootMeanSquaredErrorFitnessCalculatorTests.cs │ ├── SquaredHingeLossFitnessCalculatorTests.cs │ ├── TripletLossFitnessCalculatorTests.cs │ └── WeightedCrossEntropyLossFitnessCalculatorTests.cs │ ├── Genetics │ └── ModelIndividualTests.cs │ ├── Helpers │ ├── ConversionsHelperTests.cs │ ├── DeserializationHelperTests.cs │ ├── EnumHelperTests.cs │ ├── ParallelProcessingHelperTests.cs │ ├── SerializationHelperTests.cs │ └── TextProcessingHelperTests.cs │ ├── Inference │ ├── PagedAttentionTests.cs │ └── SpeculativeDecodingTests.cs │ ├── Interpretability │ ├── BiasDetectorTests.cs │ └── FairnessEvaluatorTests.cs │ ├── JitCompiler │ ├── IRBuilderTests.cs │ ├── JitCompilerTests.cs │ ├── KnowledgeDistillationJitCompilationTests.cs │ ├── OptimizationPassTests.cs │ ├── RegressionJitCompilationTests.cs │ └── TimeSeriesJitCompilationTests.cs │ ├── KnowledgeDistillation │ ├── DistillationLossTests.cs │ ├── DistillationStrategyFactoryTests.cs │ ├── HybridDistillationStrategyTests.cs │ ├── KnowledgeDistillationTrainerTests.cs │ ├── TeacherModelFactoryTests.cs │ └── TeacherModelWrapperTests.cs │ ├── LearningRateSchedulers │ └── LearningRateSchedulerTests.cs │ ├── LinearAlgebra │ └── ConfusionMatrixTests.cs │ ├── Logging │ └── TensorBoardTests.cs │ ├── LossFunctions │ ├── CrossEntropyLossTests.cs │ ├── HuberLossTests.cs │ ├── MeanAbsoluteErrorLossTests.cs │ ├── MeanBiasErrorLossTests.cs │ ├── MeanSquaredErrorLossTests.cs │ ├── RootMeanSquaredErrorLossTests.cs │ └── SparseCategoricalCrossEntropyLossTests.cs │ ├── MetaLearning │ ├── Helpers │ │ └── SimpleMockModel.cs │ ├── MAMLTrainerIntegrationTests.cs │ ├── MAMLTrainerTests.cs │ ├── ReptileTrainerIntegrationTests.cs │ ├── ReptileTrainerTests.cs │ ├── SEALTrainerIntegrationTests.cs │ └── SEALTrainerTests.cs │ ├── MixedPrecision │ └── LossScalerTests.cs │ ├── MultipleRegressionTests.cs │ ├── MultivariateRegressionTests.cs │ ├── NestedLearning │ ├── ContinuumMemorySystemLayerTests.cs │ └── ModifiedGradientDescentOptimizerTests.cs │ ├── NeuralNetworks │ ├── Layers │ │ └── PatchEmbeddingLayerTests.cs │ ├── LoRAAdapterTests.cs │ ├── LoRALayerTests.cs │ └── VBLoRAAdapterTests.cs │ ├── Optimizers │ ├── AdamWOptimizerTests.cs │ └── LionOptimizerTests.cs │ ├── PolynomialRegressionTests.cs │ ├── RAG │ └── Embeddings │ │ ├── CohereEmbeddingModelTests.cs │ │ ├── GooglePalmEmbeddingModelTests.cs │ │ ├── HuggingFaceEmbeddingModelTests.cs │ │ ├── LocalTransformerEmbeddingTests.cs │ │ ├── MultiModalEmbeddingModelTests.cs │ │ ├── ONNXSentenceTransformerTests.cs │ │ ├── OpenAIEmbeddingModelTests.cs │ │ ├── SentenceTransformersFineTunerTests.cs │ │ ├── StubEmbeddingModelTests.cs │ │ └── VoyageAIEmbeddingModelTests.cs │ ├── Regularization │ ├── L1RegularizationTests.cs │ └── L2RegularizationTests.cs │ ├── ReinforcementLearning │ ├── CartPoleEnvironmentTests.cs │ └── UniformReplayBufferTests.cs │ ├── RetrievalAugmentedGeneration │ ├── BTreeIndexTests.cs │ ├── ChainOfThoughtRetrieverTests.cs │ ├── ContextCompression │ │ ├── AutoCompressorTests.cs │ │ ├── ContextCompressorTestBase.cs │ │ ├── DocumentSummarizerTests.cs │ │ ├── LLMContextCompressorTests.cs │ │ └── SelectiveContextCompressorTests.cs │ ├── DocumentStores │ │ ├── DocumentStoreBaseTests.cs │ │ ├── FAISSDocumentStoreTests.cs │ │ ├── HybridDocumentStoreTests.cs │ │ ├── InMemoryDocumentStoreTests.cs │ │ └── PineconeDocumentStoreTests.cs │ ├── FileGraphStoreTests.cs │ ├── GraphQueryMatcherTests.cs │ ├── GraphStoreAsyncTests.cs │ ├── GraphTransactionTests.cs │ ├── HybridGraphRetrieverTests.cs │ ├── MemoryGraphStoreTests.cs │ ├── MultiStepReasoningRetrieverTests.cs │ ├── Retrievers │ │ ├── AdvancedRetrieverTests.cs │ │ ├── BM25RetrieverTests.cs │ │ ├── DenseRetrieverTests.cs │ │ ├── HybridRetrieverTests.cs │ │ ├── MultiQueryRetrieverTests.cs │ │ ├── TFIDFRetrieverTests.cs │ │ ├── TestHelpers.cs │ │ └── VectorRetrieverTests.cs │ ├── TreeOfThoughtsRetrieverTests.cs │ ├── VectorSearch │ │ ├── Indexes │ │ │ ├── FlatIndexTests.cs │ │ │ ├── HNSWIndexTests.cs │ │ │ ├── IVFIndexTests.cs │ │ │ └── LSHIndexTests.cs │ │ ├── Metrics │ │ │ └── SimilarityMetricTests.cs │ │ └── VectorSearchIntegrationTests.cs │ └── VerifiedReasoningRetrieverTests.cs │ ├── Serving │ └── ContinuousBatchingTests.cs │ ├── Tokenization │ ├── AutoTokenizerTests.cs │ ├── BpeTokenizerTests.cs │ ├── CharacterTokenizerTests.cs │ ├── CodeTokenizerTests.cs │ ├── HuggingFaceLoaderTests.cs │ ├── SpecializedTokenizerTests.cs │ ├── UnigramTokenizerTests.cs │ └── WordPieceTokenizerTests.cs │ ├── TransferLearning │ ├── DomainAdapterTests.cs │ └── FeatureMapperTests.cs │ └── WeightedRegressionTests.cs ├── Reasoning ├── Benchmarks │ └── BenchmarkTests.cs ├── IntegrationTests.cs ├── Search │ └── SearchAlgorithmTests.cs ├── Strategies │ └── ChainOfThoughtStrategyTests.cs └── Verification │ └── CalculatorVerifierTests.cs └── UnitTests ├── Agents ├── AgentTests.cs ├── ChainOfThoughtAgentTests.cs ├── MockChatModel.cs └── PlanAndExecuteAgentTests.cs ├── DistributedTraining └── DistributedTrainingTests.cs ├── LanguageModels ├── AnthropicChatModelTests.cs ├── AzureOpenAIChatModelTests.cs └── OpenAIChatModelTests.cs ├── MatrixDecomposition ├── IcaDecompositionTests.cs └── NmfDecompositionTests.cs ├── Models └── Generative │ └── Diffusion │ └── DDPMModelTests.cs ├── NeuralNetworks ├── Layers │ ├── ExpertTests.cs │ └── MixtureOfExpertsLayerTests.cs └── MixtureOfExpertsNeuralNetworkTests.cs ├── Normalizers ├── MaxAbsScalerTests.cs └── QuantileTransformerTests.cs └── Tools ├── CalculatorToolTests.cs └── SearchToolTests.cs /.config/dotnet-tools.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.config/dotnet-tools.json -------------------------------------------------------------------------------- /.editorconfig: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.editorconfig -------------------------------------------------------------------------------- /.gitattributes: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.gitattributes -------------------------------------------------------------------------------- /.github/AUTOMATED_RELEASE_SETUP.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.github/AUTOMATED_RELEASE_SETUP.md -------------------------------------------------------------------------------- /.github/CODEOWNERS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.github/CODEOWNERS -------------------------------------------------------------------------------- /.github/CONVENTIONAL_COMMITS_GUIDE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.github/CONVENTIONAL_COMMITS_GUIDE.md -------------------------------------------------------------------------------- /.github/FUNDING.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.github/FUNDING.yml -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/bug_report.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.github/ISSUE_TEMPLATE/bug_report.yml -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/feature_request.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.github/ISSUE_TEMPLATE/feature_request.md -------------------------------------------------------------------------------- /.github/PULL_REQUEST_TEMPLATE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.github/PULL_REQUEST_TEMPLATE.md -------------------------------------------------------------------------------- /.github/VERSIONING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.github/VERSIONING.md -------------------------------------------------------------------------------- /.github/codeql/codeql-config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.github/codeql/codeql-config.yml -------------------------------------------------------------------------------- /.github/dependabot.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.github/dependabot.yml -------------------------------------------------------------------------------- /.github/workflows/automated-release.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.github/workflows/automated-release.yml -------------------------------------------------------------------------------- /.github/workflows/build.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.github/workflows/build.yml -------------------------------------------------------------------------------- /.github/workflows/codacy.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.github/workflows/codacy.yml -------------------------------------------------------------------------------- /.github/workflows/codeql.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.github/workflows/codeql.yml -------------------------------------------------------------------------------- /.github/workflows/codex-autofix.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.github/workflows/codex-autofix.yml -------------------------------------------------------------------------------- /.github/workflows/commitlint.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.github/workflows/commitlint.yml -------------------------------------------------------------------------------- /.github/workflows/copilot-review-gate.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.github/workflows/copilot-review-gate.yml -------------------------------------------------------------------------------- /.github/workflows/docs.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.github/workflows/docs.yml -------------------------------------------------------------------------------- /.github/workflows/pr-tests.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.github/workflows/pr-tests.yml -------------------------------------------------------------------------------- /.github/workflows/pr-title-lint.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.github/workflows/pr-title-lint.yml -------------------------------------------------------------------------------- /.github/workflows/pr-validation.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.github/workflows/pr-validation.yml -------------------------------------------------------------------------------- /.github/workflows/publish.yml.disabled: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.github/workflows/publish.yml.disabled -------------------------------------------------------------------------------- /.github/workflows/quality-gates.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.github/workflows/quality-gates.yml -------------------------------------------------------------------------------- /.github/workflows/release.yml.disabled: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.github/workflows/release.yml.disabled -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.gitignore -------------------------------------------------------------------------------- /.project-rules.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/.project-rules.md -------------------------------------------------------------------------------- /AiDotNet.sln: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/AiDotNet.sln -------------------------------------------------------------------------------- /AiDotNetBenchmarkTests/Program.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/AiDotNetBenchmarkTests/Program.cs -------------------------------------------------------------------------------- /CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/CONTRIBUTING.md -------------------------------------------------------------------------------- /Configuration.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/Configuration.xml -------------------------------------------------------------------------------- /GPU_ACCELERATION_TRACKER.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/GPU_ACCELERATION_TRACKER.md -------------------------------------------------------------------------------- /LAYER_UPGRADE_REPORT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/LAYER_UPGRADE_REPORT.md -------------------------------------------------------------------------------- /LAYER_UPGRADE_TRACKER.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/LAYER_UPGRADE_TRACKER.md -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/LICENSE -------------------------------------------------------------------------------- /NOTICE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/NOTICE -------------------------------------------------------------------------------- /PhaseATestRunner/PerformanceBenchmark.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/PhaseATestRunner/PerformanceBenchmark.cs -------------------------------------------------------------------------------- /PhaseATestRunner/PhaseATestRunner.csproj: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/PhaseATestRunner/PhaseATestRunner.csproj -------------------------------------------------------------------------------- /PhaseATestRunner/Program.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/PhaseATestRunner/Program.cs -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/README.md -------------------------------------------------------------------------------- /SECURITY.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/SECURITY.md -------------------------------------------------------------------------------- /TemplateEngineHost/vs/.vstemplates.local: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/TemplateEngineHost/vs/.vstemplates.local -------------------------------------------------------------------------------- /TemplateEngineHost/vs/templatecache.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/TemplateEngineHost/vs/templatecache.json -------------------------------------------------------------------------------- /commitlint.config.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/commitlint.config.js -------------------------------------------------------------------------------- /data/sessions.json: -------------------------------------------------------------------------------- 1 | [] -------------------------------------------------------------------------------- /docs/AdvancedReasoningGuide.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/docs/AdvancedReasoningGuide.md -------------------------------------------------------------------------------- /docs/CHECKPOINTING_GUIDE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/docs/CHECKPOINTING_GUIDE.md -------------------------------------------------------------------------------- /docs/GPU_PERFORMANCE_BENCHMARKS.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/docs/GPU_PERFORMANCE_BENCHMARKS.md -------------------------------------------------------------------------------- /docs/GPU_RECOVERY.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/docs/GPU_RECOVERY.md -------------------------------------------------------------------------------- /docs/GPU_STRESS_TESTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/docs/GPU_STRESS_TESTING.md -------------------------------------------------------------------------------- /docs/GPU_THREAD_SAFETY.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/docs/GPU_THREAD_SAFETY.md -------------------------------------------------------------------------------- /docs/JIT-Compiler-Usage-Guide.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/docs/JIT-Compiler-Usage-Guide.md -------------------------------------------------------------------------------- /docs/JIT_ACTIVATION_MAPPING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/docs/JIT_ACTIVATION_MAPPING.md -------------------------------------------------------------------------------- /docs/JIT_COMPILATION_PATTERN_GUIDE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/docs/JIT_COMPILATION_PATTERN_GUIDE.md -------------------------------------------------------------------------------- /docs/JIT_ROADMAP.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/docs/JIT_ROADMAP.md -------------------------------------------------------------------------------- /docs/ReasoningFrameworkGuide.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/docs/ReasoningFrameworkGuide.md -------------------------------------------------------------------------------- /docs/examples/MixtureOfExpertsExample.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/docs/examples/MixtureOfExpertsExample.md -------------------------------------------------------------------------------- /docs/reasoning/BestPractices.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/docs/reasoning/BestPractices.md -------------------------------------------------------------------------------- /docs/reasoning/GettingStarted.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/docs/reasoning/GettingStarted.md -------------------------------------------------------------------------------- /docs/reasoning/Tutorials.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/docs/reasoning/Tutorials.md -------------------------------------------------------------------------------- /examples/JitCompiler/BasicUsageExample.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/examples/JitCompiler/BasicUsageExample.cs -------------------------------------------------------------------------------- /examples/JitCompiler/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/examples/JitCompiler/README.md -------------------------------------------------------------------------------- /examples/Program.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/examples/Program.cs -------------------------------------------------------------------------------- /private: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /scripts/launch-distributed-training.ps1: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/scripts/launch-distributed-training.ps1 -------------------------------------------------------------------------------- /scripts/launch-distributed-training.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/scripts/launch-distributed-training.sh -------------------------------------------------------------------------------- /src/ActivationFunctions/CELUActivation.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/ActivationFunctions/CELUActivation.cs -------------------------------------------------------------------------------- /src/ActivationFunctions/ELUActivation.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/ActivationFunctions/ELUActivation.cs -------------------------------------------------------------------------------- /src/ActivationFunctions/GELUActivation.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/ActivationFunctions/GELUActivation.cs -------------------------------------------------------------------------------- /src/ActivationFunctions/ISRUActivation.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/ActivationFunctions/ISRUActivation.cs -------------------------------------------------------------------------------- /src/ActivationFunctions/MishActivation.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/ActivationFunctions/MishActivation.cs -------------------------------------------------------------------------------- /src/ActivationFunctions/ReLUActivation.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/ActivationFunctions/ReLUActivation.cs -------------------------------------------------------------------------------- /src/ActivationFunctions/SELUActivation.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/ActivationFunctions/SELUActivation.cs -------------------------------------------------------------------------------- /src/ActivationFunctions/SiLUActivation.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/ActivationFunctions/SiLUActivation.cs -------------------------------------------------------------------------------- /src/ActivationFunctions/SignActivation.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/ActivationFunctions/SignActivation.cs -------------------------------------------------------------------------------- /src/ActivationFunctions/TanhActivation.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/ActivationFunctions/TanhActivation.cs -------------------------------------------------------------------------------- /src/Agents/Agent.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Agents/Agent.cs -------------------------------------------------------------------------------- /src/Agents/AgentBase.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Agents/AgentBase.cs -------------------------------------------------------------------------------- /src/Agents/AgentGlobalConfiguration.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Agents/AgentGlobalConfiguration.cs -------------------------------------------------------------------------------- /src/Agents/AgentKeyResolver.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Agents/AgentKeyResolver.cs -------------------------------------------------------------------------------- /src/Agents/ChainOfThoughtAgent.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Agents/ChainOfThoughtAgent.cs -------------------------------------------------------------------------------- /src/Agents/PlanAndExecuteAgent.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Agents/PlanAndExecuteAgent.cs -------------------------------------------------------------------------------- /src/Agents/RAGAgent.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Agents/RAGAgent.cs -------------------------------------------------------------------------------- /src/Agents/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Agents/README.md -------------------------------------------------------------------------------- /src/AiDotNet.Serving/Models/ModelInfo.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/AiDotNet.Serving/Models/ModelInfo.cs -------------------------------------------------------------------------------- /src/AiDotNet.Serving/Program.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/AiDotNet.Serving/Program.cs -------------------------------------------------------------------------------- /src/AiDotNet.Serving/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/AiDotNet.Serving/README.md -------------------------------------------------------------------------------- /src/AiDotNet.Serving/USAGE_EXAMPLE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/AiDotNet.Serving/USAGE_EXAMPLE.md -------------------------------------------------------------------------------- /src/AiDotNet.Serving/appsettings.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/AiDotNet.Serving/appsettings.json -------------------------------------------------------------------------------- /src/AiDotNet.Tensors/Engines/CpuEngine.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/AiDotNet.Tensors/Engines/CpuEngine.cs -------------------------------------------------------------------------------- /src/AiDotNet.Tensors/Engines/Engine.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/AiDotNet.Tensors/Engines/Engine.cs -------------------------------------------------------------------------------- /src/AiDotNet.Tensors/Engines/GpuEngine.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/AiDotNet.Tensors/Engines/GpuEngine.cs -------------------------------------------------------------------------------- /src/AiDotNet.Tensors/Engines/IEngine.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/AiDotNet.Tensors/Engines/IEngine.cs -------------------------------------------------------------------------------- /src/AiDotNet.Tensors/Images/Favicon.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/AiDotNet.Tensors/Images/Favicon.jpg -------------------------------------------------------------------------------- /src/AiDotNet.csproj: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/AiDotNet.csproj -------------------------------------------------------------------------------- /src/AutoML/Architecture.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/AutoML/Architecture.cs -------------------------------------------------------------------------------- /src/AutoML/AutoMLModelBase.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/AutoML/AutoMLModelBase.cs -------------------------------------------------------------------------------- /src/AutoML/NeuralArchitectureSearch.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/AutoML/NeuralArchitectureSearch.cs -------------------------------------------------------------------------------- /src/AutoML/ParameterRange.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/AutoML/ParameterRange.cs -------------------------------------------------------------------------------- /src/AutoML/SearchConstraint.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/AutoML/SearchConstraint.cs -------------------------------------------------------------------------------- /src/AutoML/SearchSpace.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/AutoML/SearchSpace.cs -------------------------------------------------------------------------------- /src/AutoML/TrialResult.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/AutoML/TrialResult.cs -------------------------------------------------------------------------------- /src/Autodiff/ComputationNode.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Autodiff/ComputationNode.cs -------------------------------------------------------------------------------- /src/Autodiff/GradientCheckpointing.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Autodiff/GradientCheckpointing.cs -------------------------------------------------------------------------------- /src/Autodiff/GradientTape.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Autodiff/GradientTape.cs -------------------------------------------------------------------------------- /src/Autodiff/TensorOperations.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Autodiff/TensorOperations.cs -------------------------------------------------------------------------------- /src/Autodiff/Testing/NumericalGradient.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Autodiff/Testing/NumericalGradient.cs -------------------------------------------------------------------------------- /src/Caching/DefaultGradientCache.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Caching/DefaultGradientCache.cs -------------------------------------------------------------------------------- /src/Caching/DefaultModelCache.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Caching/DefaultModelCache.cs -------------------------------------------------------------------------------- /src/Configuration/JitCompilationConfig.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Configuration/JitCompilationConfig.cs -------------------------------------------------------------------------------- /src/CrossValidators/CrossValidatorBase.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/CrossValidators/CrossValidatorBase.cs -------------------------------------------------------------------------------- /src/Data/Abstractions/MetaLearningTask.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Data/Abstractions/MetaLearningTask.cs -------------------------------------------------------------------------------- /src/Deployment/Edge/EdgeConfiguration.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Deployment/Edge/EdgeConfiguration.cs -------------------------------------------------------------------------------- /src/Deployment/Edge/EdgeOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Deployment/Edge/EdgeOptimizer.cs -------------------------------------------------------------------------------- /src/Deployment/Edge/PartitionedModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Deployment/Edge/PartitionedModel.cs -------------------------------------------------------------------------------- /src/Deployment/Export/IModelExporter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Deployment/Export/IModelExporter.cs -------------------------------------------------------------------------------- /src/Deployment/Export/Onnx/OnnxGraph.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Deployment/Export/Onnx/OnnxGraph.cs -------------------------------------------------------------------------------- /src/Deployment/Export/Onnx/OnnxNode.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Deployment/Export/Onnx/OnnxNode.cs -------------------------------------------------------------------------------- /src/Deployment/Export/Onnx/OnnxProto.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Deployment/Export/Onnx/OnnxProto.cs -------------------------------------------------------------------------------- /src/Deployment/Runtime/CacheStatistics.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Deployment/Runtime/CacheStatistics.cs -------------------------------------------------------------------------------- /src/Deployment/Runtime/ModelCache.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Deployment/Runtime/ModelCache.cs -------------------------------------------------------------------------------- /src/Diagnostics/MemoryTracker.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Diagnostics/MemoryTracker.cs -------------------------------------------------------------------------------- /src/Diagnostics/ProfileReport.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Diagnostics/ProfileReport.cs -------------------------------------------------------------------------------- /src/Diagnostics/Profiler.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Diagnostics/Profiler.cs -------------------------------------------------------------------------------- /src/Diagnostics/ProfilerScope.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Diagnostics/ProfilerScope.cs -------------------------------------------------------------------------------- /src/Diffusion/DDPMModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Diffusion/DDPMModel.cs -------------------------------------------------------------------------------- /src/Diffusion/DiffusionModelBase.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Diffusion/DiffusionModelBase.cs -------------------------------------------------------------------------------- /src/Diffusion/Schedulers/DDIMScheduler.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Diffusion/Schedulers/DDIMScheduler.cs -------------------------------------------------------------------------------- /src/Diffusion/Schedulers/PNDMScheduler.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Diffusion/Schedulers/PNDMScheduler.cs -------------------------------------------------------------------------------- /src/DistributedTraining/DDPModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/DistributedTraining/DDPModel.cs -------------------------------------------------------------------------------- /src/DistributedTraining/DDPOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/DistributedTraining/DDPOptimizer.cs -------------------------------------------------------------------------------- /src/DistributedTraining/FSDPModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/DistributedTraining/FSDPModel.cs -------------------------------------------------------------------------------- /src/DistributedTraining/FSDPOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/DistributedTraining/FSDPOptimizer.cs -------------------------------------------------------------------------------- /src/DistributedTraining/IShardedModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/DistributedTraining/IShardedModel.cs -------------------------------------------------------------------------------- /src/DistributedTraining/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/DistributedTraining/README.md -------------------------------------------------------------------------------- /src/DistributedTraining/ZeRO1Model.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/DistributedTraining/ZeRO1Model.cs -------------------------------------------------------------------------------- /src/DistributedTraining/ZeRO1Optimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/DistributedTraining/ZeRO1Optimizer.cs -------------------------------------------------------------------------------- /src/DistributedTraining/ZeRO2Model.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/DistributedTraining/ZeRO2Model.cs -------------------------------------------------------------------------------- /src/DistributedTraining/ZeRO2Optimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/DistributedTraining/ZeRO2Optimizer.cs -------------------------------------------------------------------------------- /src/DistributedTraining/ZeRO3Model.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/DistributedTraining/ZeRO3Model.cs -------------------------------------------------------------------------------- /src/DistributedTraining/ZeRO3Optimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/DistributedTraining/ZeRO3Optimizer.cs -------------------------------------------------------------------------------- /src/DocumentationProcess.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/DocumentationProcess.md -------------------------------------------------------------------------------- /src/Engines/GpuAccelerationConfig.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Engines/GpuAccelerationConfig.cs -------------------------------------------------------------------------------- /src/Enums/AcquisitionFunctionType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/AcquisitionFunctionType.cs -------------------------------------------------------------------------------- /src/Enums/ActivationFunction.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/ActivationFunction.cs -------------------------------------------------------------------------------- /src/Enums/ActivationFunctionRole.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/ActivationFunctionRole.cs -------------------------------------------------------------------------------- /src/Enums/AssignmentStrategy.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/AssignmentStrategy.cs -------------------------------------------------------------------------------- /src/Enums/AutoMLStatus.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/AutoMLStatus.cs -------------------------------------------------------------------------------- /src/Enums/BetaSchedule.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/BetaSchedule.cs -------------------------------------------------------------------------------- /src/Enums/BoundaryHandlingMethod.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/BoundaryHandlingMethod.cs -------------------------------------------------------------------------------- /src/Enums/CacheEvictionPolicy.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/CacheEvictionPolicy.cs -------------------------------------------------------------------------------- /src/Enums/CalibrationMethod.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/CalibrationMethod.cs -------------------------------------------------------------------------------- /src/Enums/ConditionNumberMethod.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/ConditionNumberMethod.cs -------------------------------------------------------------------------------- /src/Enums/ContrastiveLossType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/ContrastiveLossType.cs -------------------------------------------------------------------------------- /src/Enums/CrossValidationType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/CrossValidationType.cs -------------------------------------------------------------------------------- /src/Enums/DataComplexity.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/DataComplexity.cs -------------------------------------------------------------------------------- /src/Enums/DataSetType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/DataSetType.cs -------------------------------------------------------------------------------- /src/Enums/DecompositionComponentType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/DecompositionComponentType.cs -------------------------------------------------------------------------------- /src/Enums/DiffusionPredictionType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/DiffusionPredictionType.cs -------------------------------------------------------------------------------- /src/Enums/DistanceMetricType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/DistanceMetricType.cs -------------------------------------------------------------------------------- /src/Enums/DistillationStrategyType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/DistillationStrategyType.cs -------------------------------------------------------------------------------- /src/Enums/DistributedStrategy.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/DistributedStrategy.cs -------------------------------------------------------------------------------- /src/Enums/DistributionType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/DistributionType.cs -------------------------------------------------------------------------------- /src/Enums/EdgeDeviceType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/EdgeDeviceType.cs -------------------------------------------------------------------------------- /src/Enums/EdgeDirection.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/EdgeDirection.cs -------------------------------------------------------------------------------- /src/Enums/EnvelopeType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/EnvelopeType.cs -------------------------------------------------------------------------------- /src/Enums/ExpressionNodeType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/ExpressionNodeType.cs -------------------------------------------------------------------------------- /src/Enums/FeatureExtractionStrategy.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/FeatureExtractionStrategy.cs -------------------------------------------------------------------------------- /src/Enums/FitType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/FitType.cs -------------------------------------------------------------------------------- /src/Enums/FitnessCalculatorType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/FitnessCalculatorType.cs -------------------------------------------------------------------------------- /src/Enums/GeneticNodeType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/GeneticNodeType.cs -------------------------------------------------------------------------------- /src/Enums/GradientType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/GradientType.cs -------------------------------------------------------------------------------- /src/Enums/ImportanceThresholdStrategy.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/ImportanceThresholdStrategy.cs -------------------------------------------------------------------------------- /src/Enums/InitializationMethod.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/InitializationMethod.cs -------------------------------------------------------------------------------- /src/Enums/InputType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/InputType.cs -------------------------------------------------------------------------------- /src/Enums/Interpolation2DType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/Interpolation2DType.cs -------------------------------------------------------------------------------- /src/Enums/InverseType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/InverseType.cs -------------------------------------------------------------------------------- /src/Enums/KernelType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/KernelType.cs -------------------------------------------------------------------------------- /src/Enums/LLMProvider.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/LLMProvider.cs -------------------------------------------------------------------------------- /src/Enums/LayerType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/LayerType.cs -------------------------------------------------------------------------------- /src/Enums/MatrixDecompositionType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/MatrixDecompositionType.cs -------------------------------------------------------------------------------- /src/Enums/MatrixLayout.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/MatrixLayout.cs -------------------------------------------------------------------------------- /src/Enums/MatrixType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/MatrixType.cs -------------------------------------------------------------------------------- /src/Enums/MetricType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/MetricType.cs -------------------------------------------------------------------------------- /src/Enums/ModelPerformance.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/ModelPerformance.cs -------------------------------------------------------------------------------- /src/Enums/ModelType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/ModelType.cs -------------------------------------------------------------------------------- /src/Enums/ModificationType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/ModificationType.cs -------------------------------------------------------------------------------- /src/Enums/NetworkComplexity.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/NetworkComplexity.cs -------------------------------------------------------------------------------- /src/Enums/NeuralNetworkTaskType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/NeuralNetworkTaskType.cs -------------------------------------------------------------------------------- /src/Enums/NormalizationMethod.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/NormalizationMethod.cs -------------------------------------------------------------------------------- /src/Enums/OperationType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/OperationType.cs -------------------------------------------------------------------------------- /src/Enums/OptimizationMode.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/OptimizationMode.cs -------------------------------------------------------------------------------- /src/Enums/OptimizerType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/OptimizerType.cs -------------------------------------------------------------------------------- /src/Enums/OutlierDetectionMethod.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/OutlierDetectionMethod.cs -------------------------------------------------------------------------------- /src/Enums/OutputDistribution.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/OutputDistribution.cs -------------------------------------------------------------------------------- /src/Enums/ParameterType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/ParameterType.cs -------------------------------------------------------------------------------- /src/Enums/PartitionStrategy.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/PartitionStrategy.cs -------------------------------------------------------------------------------- /src/Enums/PoolingType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/PoolingType.cs -------------------------------------------------------------------------------- /src/Enums/PrecisionMode.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/PrecisionMode.cs -------------------------------------------------------------------------------- /src/Enums/PredictionType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/PredictionType.cs -------------------------------------------------------------------------------- /src/Enums/QualityLevel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/QualityLevel.cs -------------------------------------------------------------------------------- /src/Enums/QuantizationMode.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/QuantizationMode.cs -------------------------------------------------------------------------------- /src/Enums/RegularizationType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/RegularizationType.cs -------------------------------------------------------------------------------- /src/Enums/SamplingType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/SamplingType.cs -------------------------------------------------------------------------------- /src/Enums/SelectionMethod.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/SelectionMethod.cs -------------------------------------------------------------------------------- /src/Enums/SpikingNeuronType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/SpikingNeuronType.cs -------------------------------------------------------------------------------- /src/Enums/SplitCriterion.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/SplitCriterion.cs -------------------------------------------------------------------------------- /src/Enums/StepwiseMethod.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/StepwiseMethod.cs -------------------------------------------------------------------------------- /src/Enums/TargetPlatform.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/TargetPlatform.cs -------------------------------------------------------------------------------- /src/Enums/TeacherModelType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/TeacherModelType.cs -------------------------------------------------------------------------------- /src/Enums/TestStatisticType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/TestStatisticType.cs -------------------------------------------------------------------------------- /src/Enums/TimeSeriesModelType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/TimeSeriesModelType.cs -------------------------------------------------------------------------------- /src/Enums/TransformerTaskType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/TransformerTaskType.cs -------------------------------------------------------------------------------- /src/Enums/TreeSearchStrategy.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/TreeSearchStrategy.cs -------------------------------------------------------------------------------- /src/Enums/UnivariateScoringFunction.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/UnivariateScoringFunction.cs -------------------------------------------------------------------------------- /src/Enums/WaveletType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/WaveletType.cs -------------------------------------------------------------------------------- /src/Enums/WeightFunction.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/WeightFunction.cs -------------------------------------------------------------------------------- /src/Enums/WindowFunctionType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Enums/WindowFunctionType.cs -------------------------------------------------------------------------------- /src/Evaluation/DefaultModelEvaluator.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Evaluation/DefaultModelEvaluator.cs -------------------------------------------------------------------------------- /src/Exceptions/AiDotNetException.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Exceptions/AiDotNetException.cs -------------------------------------------------------------------------------- /src/Exceptions/ModelTrainingException.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Exceptions/ModelTrainingException.cs -------------------------------------------------------------------------------- /src/Exceptions/SerializationException.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Exceptions/SerializationException.cs -------------------------------------------------------------------------------- /src/Exceptions/TensorRankException.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Exceptions/TensorRankException.cs -------------------------------------------------------------------------------- /src/Extensions/EnumerableExtensions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Extensions/EnumerableExtensions.cs -------------------------------------------------------------------------------- /src/Extensions/MatrixExtensions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Extensions/MatrixExtensions.cs -------------------------------------------------------------------------------- /src/Extensions/NumericTypeExtensions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Extensions/NumericTypeExtensions.cs -------------------------------------------------------------------------------- /src/Extensions/RandomExtensions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Extensions/RandomExtensions.cs -------------------------------------------------------------------------------- /src/Extensions/SerializationExtensions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Extensions/SerializationExtensions.cs -------------------------------------------------------------------------------- /src/Extensions/TensorExtensions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Extensions/TensorExtensions.cs -------------------------------------------------------------------------------- /src/Extensions/VectorExtensions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Extensions/VectorExtensions.cs -------------------------------------------------------------------------------- /src/Factories/FitnessCalculatorFactory.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Factories/FitnessCalculatorFactory.cs -------------------------------------------------------------------------------- /src/Factories/Interpolation2DFactory.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Factories/Interpolation2DFactory.cs -------------------------------------------------------------------------------- /src/Factories/NormalizerFactory.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Factories/NormalizerFactory.cs -------------------------------------------------------------------------------- /src/Factories/OptimizerFactory.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Factories/OptimizerFactory.cs -------------------------------------------------------------------------------- /src/Factories/RegularizationFactory.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Factories/RegularizationFactory.cs -------------------------------------------------------------------------------- /src/Factories/TimeSeriesModelFactory.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Factories/TimeSeriesModelFactory.cs -------------------------------------------------------------------------------- /src/Factories/WindowFunctionFactory.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Factories/WindowFunctionFactory.cs -------------------------------------------------------------------------------- /src/FeatureSelectors/NoFeatureSelector.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/FeatureSelectors/NoFeatureSelector.cs -------------------------------------------------------------------------------- /src/FeatureSelectors/SelectFromModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/FeatureSelectors/SelectFromModel.cs -------------------------------------------------------------------------------- /src/FitDetectors/AdaptiveFitDetector.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/FitDetectors/AdaptiveFitDetector.cs -------------------------------------------------------------------------------- /src/FitDetectors/BayesianFitDetector.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/FitDetectors/BayesianFitDetector.cs -------------------------------------------------------------------------------- /src/FitDetectors/BootstrapFitDetector.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/FitDetectors/BootstrapFitDetector.cs -------------------------------------------------------------------------------- /src/FitDetectors/DefaultFitDetector.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/FitDetectors/DefaultFitDetector.cs -------------------------------------------------------------------------------- /src/FitDetectors/EnsembleFitDetector.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/FitDetectors/EnsembleFitDetector.cs -------------------------------------------------------------------------------- /src/FitDetectors/FitDetectorBase.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/FitDetectors/FitDetectorBase.cs -------------------------------------------------------------------------------- /src/FitDetectors/HybridFitDetector.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/FitDetectors/HybridFitDetector.cs -------------------------------------------------------------------------------- /src/FitDetectors/JackknifeFitDetector.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/FitDetectors/JackknifeFitDetector.cs -------------------------------------------------------------------------------- /src/FitDetectors/ROCCurveFitDetector.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/FitDetectors/ROCCurveFitDetector.cs -------------------------------------------------------------------------------- /src/FitDetectors/VIFFitDetector.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/FitDetectors/VIFFitDetector.cs -------------------------------------------------------------------------------- /src/Genetics/AdaptiveGeneticAlgorithm.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Genetics/AdaptiveGeneticAlgorithm.cs -------------------------------------------------------------------------------- /src/Genetics/BinaryGene.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Genetics/BinaryGene.cs -------------------------------------------------------------------------------- /src/Genetics/BinaryIndividual.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Genetics/BinaryIndividual.cs -------------------------------------------------------------------------------- /src/Genetics/GeneticBase.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Genetics/GeneticBase.cs -------------------------------------------------------------------------------- /src/Genetics/ModelIndividual.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Genetics/ModelIndividual.cs -------------------------------------------------------------------------------- /src/Genetics/ModelParameterGene.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Genetics/ModelParameterGene.cs -------------------------------------------------------------------------------- /src/Genetics/NodeGene.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Genetics/NodeGene.cs -------------------------------------------------------------------------------- /src/Genetics/PermutationGene.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Genetics/PermutationGene.cs -------------------------------------------------------------------------------- /src/Genetics/PermutationIndividual.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Genetics/PermutationIndividual.cs -------------------------------------------------------------------------------- /src/Genetics/RealGene.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Genetics/RealGene.cs -------------------------------------------------------------------------------- /src/Genetics/RealIndividual.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Genetics/RealIndividual.cs -------------------------------------------------------------------------------- /src/Genetics/StandardGeneticAlgorithm.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Genetics/StandardGeneticAlgorithm.cs -------------------------------------------------------------------------------- /src/Genetics/TreeIndividual.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Genetics/TreeIndividual.cs -------------------------------------------------------------------------------- /src/GlobalUsings.cs: -------------------------------------------------------------------------------- 1 | global using AiDotNet.Engines; 2 | -------------------------------------------------------------------------------- /src/Helpers/ActivationHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Helpers/ActivationHelper.cs -------------------------------------------------------------------------------- /src/Helpers/AdaptiveParametersHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Helpers/AdaptiveParametersHelper.cs -------------------------------------------------------------------------------- /src/Helpers/ConversionsHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Helpers/ConversionsHelper.cs -------------------------------------------------------------------------------- /src/Helpers/DeserializationHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Helpers/DeserializationHelper.cs -------------------------------------------------------------------------------- /src/Helpers/EnumHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Helpers/EnumHelper.cs -------------------------------------------------------------------------------- /src/Helpers/FeatureSelectorHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Helpers/FeatureSelectorHelper.cs -------------------------------------------------------------------------------- /src/Helpers/GradientClippingHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Helpers/GradientClippingHelper.cs -------------------------------------------------------------------------------- /src/Helpers/InputHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Helpers/InputHelper.cs -------------------------------------------------------------------------------- /src/Helpers/LayerHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Helpers/LayerHelper.cs -------------------------------------------------------------------------------- /src/Helpers/MatrixHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Helpers/MatrixHelper.cs -------------------------------------------------------------------------------- /src/Helpers/MatrixSolutionHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Helpers/MatrixSolutionHelper.cs -------------------------------------------------------------------------------- /src/Helpers/ModelHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Helpers/ModelHelper.cs -------------------------------------------------------------------------------- /src/Helpers/NeuralNetworkHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Helpers/NeuralNetworkHelper.cs -------------------------------------------------------------------------------- /src/Helpers/NumericalStabilityHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Helpers/NumericalStabilityHelper.cs -------------------------------------------------------------------------------- /src/Helpers/OptimizerHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Helpers/OptimizerHelper.cs -------------------------------------------------------------------------------- /src/Helpers/OutlierRemovalHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Helpers/OutlierRemovalHelper.cs -------------------------------------------------------------------------------- /src/Helpers/ParallelProcessingHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Helpers/ParallelProcessingHelper.cs -------------------------------------------------------------------------------- /src/Helpers/RegressionHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Helpers/RegressionHelper.cs -------------------------------------------------------------------------------- /src/Helpers/SamplingHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Helpers/SamplingHelper.cs -------------------------------------------------------------------------------- /src/Helpers/SerializationHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Helpers/SerializationHelper.cs -------------------------------------------------------------------------------- /src/Helpers/StatisticsHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Helpers/StatisticsHelper.cs -------------------------------------------------------------------------------- /src/Helpers/TextProcessingHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Helpers/TextProcessingHelper.cs -------------------------------------------------------------------------------- /src/Helpers/TimeSeriesHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Helpers/TimeSeriesHelper.cs -------------------------------------------------------------------------------- /src/Helpers/UsingsHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Helpers/UsingsHelper.cs -------------------------------------------------------------------------------- /src/Helpers/ValidationHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Helpers/ValidationHelper.cs -------------------------------------------------------------------------------- /src/Helpers/VectorHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Helpers/VectorHelper.cs -------------------------------------------------------------------------------- /src/Helpers/WeightFunctionHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Helpers/WeightFunctionHelper.cs -------------------------------------------------------------------------------- /src/Images/Favicon.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Images/Favicon.jpg -------------------------------------------------------------------------------- /src/Inference/CachedMultiHeadAttention.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Inference/CachedMultiHeadAttention.cs -------------------------------------------------------------------------------- /src/Inference/InferenceOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Inference/InferenceOptimizer.cs -------------------------------------------------------------------------------- /src/Inference/KVCache.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Inference/KVCache.cs -------------------------------------------------------------------------------- /src/Inference/KVCacheConfig.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Inference/KVCacheConfig.cs -------------------------------------------------------------------------------- /src/Interfaces/I2DInterpolation.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/I2DInterpolation.cs -------------------------------------------------------------------------------- /src/Interfaces/IActivationFunction.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IActivationFunction.cs -------------------------------------------------------------------------------- /src/Interfaces/IAgent.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IAgent.cs -------------------------------------------------------------------------------- /src/Interfaces/IAnswerAggregator.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IAnswerAggregator.cs -------------------------------------------------------------------------------- /src/Interfaces/IAssociativeMemory.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IAssociativeMemory.cs -------------------------------------------------------------------------------- /src/Interfaces/IAsyncTreeBasedModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IAsyncTreeBasedModel.cs -------------------------------------------------------------------------------- /src/Interfaces/IAutoMLModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IAutoMLModel.cs -------------------------------------------------------------------------------- /src/Interfaces/IAuxiliaryLossLayer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IAuxiliaryLossLayer.cs -------------------------------------------------------------------------------- /src/Interfaces/IBenchmark.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IBenchmark.cs -------------------------------------------------------------------------------- /src/Interfaces/IBiasDetector.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IBiasDetector.cs -------------------------------------------------------------------------------- /src/Interfaces/IChatModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IChatModel.cs -------------------------------------------------------------------------------- /src/Interfaces/ICheckpointableModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/ICheckpointableModel.cs -------------------------------------------------------------------------------- /src/Interfaces/IChunkingStrategy.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IChunkingStrategy.cs -------------------------------------------------------------------------------- /src/Interfaces/ICloneable.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/ICloneable.cs -------------------------------------------------------------------------------- /src/Interfaces/IContextCompressor.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IContextCompressor.cs -------------------------------------------------------------------------------- /src/Interfaces/IContextFlow.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IContextFlow.cs -------------------------------------------------------------------------------- /src/Interfaces/IContradictionDetector.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IContradictionDetector.cs -------------------------------------------------------------------------------- /src/Interfaces/ICriticModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/ICriticModel.cs -------------------------------------------------------------------------------- /src/Interfaces/ICrossValidator.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/ICrossValidator.cs -------------------------------------------------------------------------------- /src/Interfaces/IDataPreprocessor.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IDataPreprocessor.cs -------------------------------------------------------------------------------- /src/Interfaces/IDiagnosticsProvider.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IDiagnosticsProvider.cs -------------------------------------------------------------------------------- /src/Interfaces/IDiffusionModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IDiffusionModel.cs -------------------------------------------------------------------------------- /src/Interfaces/IDistillationStrategy.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IDistillationStrategy.cs -------------------------------------------------------------------------------- /src/Interfaces/IDiversitySampler.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IDiversitySampler.cs -------------------------------------------------------------------------------- /src/Interfaces/IDocumentStore.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IDocumentStore.cs -------------------------------------------------------------------------------- /src/Interfaces/IEmbeddingModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IEmbeddingModel.cs -------------------------------------------------------------------------------- /src/Interfaces/IEpisodicDataLoader.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IEpisodicDataLoader.cs -------------------------------------------------------------------------------- /src/Interfaces/IEvolvable.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IEvolvable.cs -------------------------------------------------------------------------------- /src/Interfaces/IExternalToolVerifier.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IExternalToolVerifier.cs -------------------------------------------------------------------------------- /src/Interfaces/IFairnessEvaluator.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IFairnessEvaluator.cs -------------------------------------------------------------------------------- /src/Interfaces/IFeatureAware.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IFeatureAware.cs -------------------------------------------------------------------------------- /src/Interfaces/IFeatureSelector.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IFeatureSelector.cs -------------------------------------------------------------------------------- /src/Interfaces/IFitDetector.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IFitDetector.cs -------------------------------------------------------------------------------- /src/Interfaces/IFitnessCalculator.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IFitnessCalculator.cs -------------------------------------------------------------------------------- /src/Interfaces/IFullModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IFullModel.cs -------------------------------------------------------------------------------- /src/Interfaces/IGaussianProcess.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IGaussianProcess.cs -------------------------------------------------------------------------------- /src/Interfaces/IGenerator.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IGenerator.cs -------------------------------------------------------------------------------- /src/Interfaces/IGeneticAlgorithm.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IGeneticAlgorithm.cs -------------------------------------------------------------------------------- /src/Interfaces/IGradientBasedOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IGradientBasedOptimizer.cs -------------------------------------------------------------------------------- /src/Interfaces/IGradientCache.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IGradientCache.cs -------------------------------------------------------------------------------- /src/Interfaces/IGradientComputable.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IGradientComputable.cs -------------------------------------------------------------------------------- /src/Interfaces/IGradientModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IGradientModel.cs -------------------------------------------------------------------------------- /src/Interfaces/IGraphStore.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IGraphStore.cs -------------------------------------------------------------------------------- /src/Interfaces/IInterpolation.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IInterpolation.cs -------------------------------------------------------------------------------- /src/Interfaces/IInterpretableModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IInterpretableModel.cs -------------------------------------------------------------------------------- /src/Interfaces/IJitCompilable.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IJitCompilable.cs -------------------------------------------------------------------------------- /src/Interfaces/IKernelFunction.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IKernelFunction.cs -------------------------------------------------------------------------------- /src/Interfaces/ILanguageModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/ILanguageModel.cs -------------------------------------------------------------------------------- /src/Interfaces/ILayer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/ILayer.cs -------------------------------------------------------------------------------- /src/Interfaces/ILinearRegression.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/ILinearRegression.cs -------------------------------------------------------------------------------- /src/Interfaces/ILoRAAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/ILoRAAdapter.cs -------------------------------------------------------------------------------- /src/Interfaces/ILoRAConfiguration.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/ILoRAConfiguration.cs -------------------------------------------------------------------------------- /src/Interfaces/ILossFunction.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/ILossFunction.cs -------------------------------------------------------------------------------- /src/Interfaces/IMatrixDecomposition.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IMatrixDecomposition.cs -------------------------------------------------------------------------------- /src/Interfaces/IMetaLearner.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IMetaLearner.cs -------------------------------------------------------------------------------- /src/Interfaces/IMetaLearnerConfig.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IMetaLearnerConfig.cs -------------------------------------------------------------------------------- /src/Interfaces/IModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IModel.cs -------------------------------------------------------------------------------- /src/Interfaces/IModelCache.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IModelCache.cs -------------------------------------------------------------------------------- /src/Interfaces/IModelEvaluator.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IModelEvaluator.cs -------------------------------------------------------------------------------- /src/Interfaces/IModelSerializer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IModelSerializer.cs -------------------------------------------------------------------------------- /src/Interfaces/INeuralNetwork.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/INeuralNetwork.cs -------------------------------------------------------------------------------- /src/Interfaces/INeuralNetworkModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/INeuralNetworkModel.cs -------------------------------------------------------------------------------- /src/Interfaces/INonLinearRegression.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/INonLinearRegression.cs -------------------------------------------------------------------------------- /src/Interfaces/INormalizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/INormalizer.cs -------------------------------------------------------------------------------- /src/Interfaces/IOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IOptimizer.cs -------------------------------------------------------------------------------- /src/Interfaces/IOutlierRemoval.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IOutlierRemoval.cs -------------------------------------------------------------------------------- /src/Interfaces/IParameterizable.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IParameterizable.cs -------------------------------------------------------------------------------- /src/Interfaces/IPipelineStep.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IPipelineStep.cs -------------------------------------------------------------------------------- /src/Interfaces/IPredictionModelBuilder.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IPredictionModelBuilder.cs -------------------------------------------------------------------------------- /src/Interfaces/IPredictiveModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IPredictiveModel.cs -------------------------------------------------------------------------------- /src/Interfaces/IQueryProcessor.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IQueryProcessor.cs -------------------------------------------------------------------------------- /src/Interfaces/IRAGMetric.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IRAGMetric.cs -------------------------------------------------------------------------------- /src/Interfaces/IRadialBasisFunction.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IRadialBasisFunction.cs -------------------------------------------------------------------------------- /src/Interfaces/IReasoner.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IReasoner.cs -------------------------------------------------------------------------------- /src/Interfaces/IReasoningStrategy.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IReasoningStrategy.cs -------------------------------------------------------------------------------- /src/Interfaces/IRegression.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IRegression.cs -------------------------------------------------------------------------------- /src/Interfaces/IRegularization.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IRegularization.cs -------------------------------------------------------------------------------- /src/Interfaces/IReranker.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IReranker.cs -------------------------------------------------------------------------------- /src/Interfaces/IRetriever.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IRetriever.cs -------------------------------------------------------------------------------- /src/Interfaces/IRewardModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IRewardModel.cs -------------------------------------------------------------------------------- /src/Interfaces/ISearchAlgorithm.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/ISearchAlgorithm.cs -------------------------------------------------------------------------------- /src/Interfaces/ISelfRefinementEngine.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/ISelfRefinementEngine.cs -------------------------------------------------------------------------------- /src/Interfaces/ISelfSupervisedLoss.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/ISelfSupervisedLoss.cs -------------------------------------------------------------------------------- /src/Interfaces/ISequenceLossFunction.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/ISequenceLossFunction.cs -------------------------------------------------------------------------------- /src/Interfaces/IStepScheduler.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IStepScheduler.cs -------------------------------------------------------------------------------- /src/Interfaces/ITeacherModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/ITeacherModel.cs -------------------------------------------------------------------------------- /src/Interfaces/IThoughtEvaluator.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IThoughtEvaluator.cs -------------------------------------------------------------------------------- /src/Interfaces/IThoughtGenerator.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IThoughtGenerator.cs -------------------------------------------------------------------------------- /src/Interfaces/ITimeSeriesModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/ITimeSeriesModel.cs -------------------------------------------------------------------------------- /src/Interfaces/ITool.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/ITool.cs -------------------------------------------------------------------------------- /src/Interfaces/ITreeBasedRegression.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/ITreeBasedRegression.cs -------------------------------------------------------------------------------- /src/Interfaces/IWaveletFunction.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IWaveletFunction.cs -------------------------------------------------------------------------------- /src/Interfaces/IWindowFunction.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interfaces/IWindowFunction.cs -------------------------------------------------------------------------------- /src/Interpolation/AkimaInterpolation.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interpolation/AkimaInterpolation.cs -------------------------------------------------------------------------------- /src/Interpolation/BicubicInterpolation.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interpolation/BicubicInterpolation.cs -------------------------------------------------------------------------------- /src/Interpolation/HermiteInterpolation.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interpolation/HermiteInterpolation.cs -------------------------------------------------------------------------------- /src/Interpolation/KrigingInterpolation.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interpolation/KrigingInterpolation.cs -------------------------------------------------------------------------------- /src/Interpolation/LanczosInterpolation.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interpolation/LanczosInterpolation.cs -------------------------------------------------------------------------------- /src/Interpolation/LinearInterpolation.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interpolation/LinearInterpolation.cs -------------------------------------------------------------------------------- /src/Interpolation/PchipInterpolation.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interpolation/PchipInterpolation.cs -------------------------------------------------------------------------------- /src/Interpolation/SincInterpolation.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interpolation/SincInterpolation.cs -------------------------------------------------------------------------------- /src/Interpretability/AnchorExplanation.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interpretability/AnchorExplanation.cs -------------------------------------------------------------------------------- /src/Interpretability/BiasDetectorBase.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interpretability/BiasDetectorBase.cs -------------------------------------------------------------------------------- /src/Interpretability/FairnessMetric.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interpretability/FairnessMetric.cs -------------------------------------------------------------------------------- /src/Interpretability/FairnessMetrics.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interpretability/FairnessMetrics.cs -------------------------------------------------------------------------------- /src/Interpretability/LimeExplanation.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Interpretability/LimeExplanation.cs -------------------------------------------------------------------------------- /src/JitCompiler/CacheStats.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/CacheStats.cs -------------------------------------------------------------------------------- /src/JitCompiler/CodeGen/CodeGenerator.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/CodeGen/CodeGenerator.cs -------------------------------------------------------------------------------- /src/JitCompiler/CodeGen/FP16Kernels.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/CodeGen/FP16Kernels.cs -------------------------------------------------------------------------------- /src/JitCompiler/CodeGen/GradientOps.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/CodeGen/GradientOps.cs -------------------------------------------------------------------------------- /src/JitCompiler/CodeGen/IGPURuntime.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/CodeGen/IGPURuntime.cs -------------------------------------------------------------------------------- /src/JitCompiler/CodeGen/MockGPURuntime.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/CodeGen/MockGPURuntime.cs -------------------------------------------------------------------------------- /src/JitCompiler/CodeGen/RecurrentOps.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/CodeGen/RecurrentOps.cs -------------------------------------------------------------------------------- /src/JitCompiler/CodeGen/SIMDOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/CodeGen/SIMDOptimizer.cs -------------------------------------------------------------------------------- /src/JitCompiler/CodeGen/SIMDStats.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/CodeGen/SIMDStats.cs -------------------------------------------------------------------------------- /src/JitCompiler/CodeGen/VectorHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/CodeGen/VectorHelper.cs -------------------------------------------------------------------------------- /src/JitCompiler/CompilationStats.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/CompilationStats.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/IRGraph.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/IRGraph.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/IROp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/IROp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/IRType.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/IRType.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/AbsOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/AbsOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/AddOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/AddOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/CELUOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/CELUOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/ConcatOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/ConcatOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/Conv2DOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/Conv2DOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/CropOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/CropOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/DivideOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/DivideOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/ELUOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/ELUOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/ExpOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/ExpOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/GELUOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/GELUOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/ISRUOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/ISRUOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/LiSHTOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/LiSHTOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/LogOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/LogOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/MatMulOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/MatMulOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/MaxoutOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/MaxoutOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/MeanOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/MeanOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/MishOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/MishOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/NegateOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/NegateOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/NormOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/NormOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/PReLUOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/PReLUOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/PadOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/PadOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/PowerOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/PowerOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/RReLUOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/RReLUOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/ReLUOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/ReLUOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/SELUOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/SELUOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/SQRBFOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/SQRBFOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/SignOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/SignOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/SliceOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/SliceOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/SplitOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/SplitOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/SqrtOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/SqrtOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/SquareOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/SquareOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/SquashOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/SquashOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/SumOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/SumOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/SwishOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/SwishOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/Operations/TanhOp.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/Operations/TanhOp.cs -------------------------------------------------------------------------------- /src/JitCompiler/IR/TensorShape.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IR/TensorShape.cs -------------------------------------------------------------------------------- /src/JitCompiler/IRBuilder.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/IRBuilder.cs -------------------------------------------------------------------------------- /src/JitCompiler/JitCompatibilityResult.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/JitCompatibilityResult.cs -------------------------------------------------------------------------------- /src/JitCompiler/JitCompiler.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/JitCompiler.cs -------------------------------------------------------------------------------- /src/JitCompiler/JitCompilerOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/JitCompilerOptions.cs -------------------------------------------------------------------------------- /src/JitCompiler/Memory/TensorPool.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/Memory/TensorPool.cs -------------------------------------------------------------------------------- /src/JitCompiler/Memory/TensorPoolStats.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/Memory/TensorPoolStats.cs -------------------------------------------------------------------------------- /src/JitCompiler/Memory/TensorRental.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/Memory/TensorRental.cs -------------------------------------------------------------------------------- /src/JitCompiler/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/README.md -------------------------------------------------------------------------------- /src/JitCompiler/Runtime/UnrolledOps.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/Runtime/UnrolledOps.cs -------------------------------------------------------------------------------- /src/JitCompiler/Runtime/VectorizedOps.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/JitCompiler/Runtime/VectorizedOps.cs -------------------------------------------------------------------------------- /src/Kernels/ANOVAKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/ANOVAKernel.cs -------------------------------------------------------------------------------- /src/Kernels/AdditiveChiSquaredKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/AdditiveChiSquaredKernel.cs -------------------------------------------------------------------------------- /src/Kernels/BSplineKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/BSplineKernel.cs -------------------------------------------------------------------------------- /src/Kernels/BesselKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/BesselKernel.cs -------------------------------------------------------------------------------- /src/Kernels/CauchyKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/CauchyKernel.cs -------------------------------------------------------------------------------- /src/Kernels/ChiSquareKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/ChiSquareKernel.cs -------------------------------------------------------------------------------- /src/Kernels/CircularKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/CircularKernel.cs -------------------------------------------------------------------------------- /src/Kernels/ExponentialKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/ExponentialKernel.cs -------------------------------------------------------------------------------- /src/Kernels/GaussianKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/GaussianKernel.cs -------------------------------------------------------------------------------- /src/Kernels/GeneralizedTStudentKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/GeneralizedTStudentKernel.cs -------------------------------------------------------------------------------- /src/Kernels/HellingerKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/HellingerKernel.cs -------------------------------------------------------------------------------- /src/Kernels/InverseMultiquadricKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/InverseMultiquadricKernel.cs -------------------------------------------------------------------------------- /src/Kernels/LaplacianKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/LaplacianKernel.cs -------------------------------------------------------------------------------- /src/Kernels/LinearKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/LinearKernel.cs -------------------------------------------------------------------------------- /src/Kernels/LocallyPeriodicKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/LocallyPeriodicKernel.cs -------------------------------------------------------------------------------- /src/Kernels/LogKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/LogKernel.cs -------------------------------------------------------------------------------- /src/Kernels/MaternKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/MaternKernel.cs -------------------------------------------------------------------------------- /src/Kernels/MultiquadricKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/MultiquadricKernel.cs -------------------------------------------------------------------------------- /src/Kernels/PiecewisePolynomialKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/PiecewisePolynomialKernel.cs -------------------------------------------------------------------------------- /src/Kernels/PolynomialKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/PolynomialKernel.cs -------------------------------------------------------------------------------- /src/Kernels/PowerKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/PowerKernel.cs -------------------------------------------------------------------------------- /src/Kernels/ProbabilisticKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/ProbabilisticKernel.cs -------------------------------------------------------------------------------- /src/Kernels/RationalQuadraticKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/RationalQuadraticKernel.cs -------------------------------------------------------------------------------- /src/Kernels/SigmoidKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/SigmoidKernel.cs -------------------------------------------------------------------------------- /src/Kernels/SphericalKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/SphericalKernel.cs -------------------------------------------------------------------------------- /src/Kernels/SplineKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/SplineKernel.cs -------------------------------------------------------------------------------- /src/Kernels/TanimotoKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/TanimotoKernel.cs -------------------------------------------------------------------------------- /src/Kernels/WaveKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/WaveKernel.cs -------------------------------------------------------------------------------- /src/Kernels/WaveletKernel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Kernels/WaveletKernel.cs -------------------------------------------------------------------------------- /src/LanguageModels/AnthropicChatModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LanguageModels/AnthropicChatModel.cs -------------------------------------------------------------------------------- /src/LanguageModels/ChatModelBase.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LanguageModels/ChatModelBase.cs -------------------------------------------------------------------------------- /src/LanguageModels/Models/OpenAIChoice.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LanguageModels/Models/OpenAIChoice.cs -------------------------------------------------------------------------------- /src/LanguageModels/Models/OpenAIUsage.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LanguageModels/Models/OpenAIUsage.cs -------------------------------------------------------------------------------- /src/LanguageModels/OpenAIChatModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LanguageModels/OpenAIChatModel.cs -------------------------------------------------------------------------------- /src/LanguageModels/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LanguageModels/README.md -------------------------------------------------------------------------------- /src/LinearAlgebra/ConfusionMatrix.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LinearAlgebra/ConfusionMatrix.cs -------------------------------------------------------------------------------- /src/LinearAlgebra/DecisionTreeNode.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LinearAlgebra/DecisionTreeNode.cs -------------------------------------------------------------------------------- /src/LinearAlgebra/ExpressionTree.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LinearAlgebra/ExpressionTree.cs -------------------------------------------------------------------------------- /src/LinearAlgebra/FastFourierTransform.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LinearAlgebra/FastFourierTransform.cs -------------------------------------------------------------------------------- /src/LinearAlgebra/NodeModification.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LinearAlgebra/NodeModification.cs -------------------------------------------------------------------------------- /src/LinearAlgebra/Sample.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LinearAlgebra/Sample.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/AdaLoRAAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/AdaLoRAAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/ChainLoRAAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/ChainLoRAAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/DVoRAAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/DVoRAAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/DeltaLoRAAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/DeltaLoRAAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/DenseLoRAAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/DenseLoRAAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/DoRAAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/DoRAAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/DyLoRAAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/DyLoRAAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/FloraAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/FloraAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/GLoRAAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/GLoRAAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/HRAAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/HRAAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/LoHaAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/LoHaAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/LoKrAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/LoKrAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/LoRAAdapterBase.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/LoRAAdapterBase.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/LoRADropAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/LoRADropAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/LoRAFAAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/LoRAFAAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/LoRAPlusAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/LoRAPlusAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/LoRAXSAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/LoRAXSAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/LoRETTAAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/LoRETTAAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/LoftQAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/LoftQAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/LongLoRAAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/LongLoRAAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/MoRAAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/MoRAAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/MultiLoRAAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/MultiLoRAAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/NOLAAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/NOLAAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/PiSSAAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/PiSSAAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/QALoRAAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/QALoRAAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/QLoRAAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/QLoRAAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/ReLoRAAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/ReLoRAAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/RoSAAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/RoSAAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/SLoRAAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/SLoRAAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/StandardLoRAAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/StandardLoRAAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/TiedLoRAAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/TiedLoRAAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/VBLoRAAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/VBLoRAAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/VeRAAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/VeRAAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/Adapters/XLoRAAdapter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/Adapters/XLoRAAdapter.cs -------------------------------------------------------------------------------- /src/LoRA/DefaultLoRAConfiguration.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/DefaultLoRAConfiguration.cs -------------------------------------------------------------------------------- /src/LoRA/LoRALayer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LoRA/LoRALayer.cs -------------------------------------------------------------------------------- /src/Logging/HistogramSummary.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Logging/HistogramSummary.cs -------------------------------------------------------------------------------- /src/Logging/ImageSummary.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Logging/ImageSummary.cs -------------------------------------------------------------------------------- /src/Logging/Summary.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Logging/Summary.cs -------------------------------------------------------------------------------- /src/Logging/SummaryValue.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Logging/SummaryValue.cs -------------------------------------------------------------------------------- /src/Logging/SummaryWriter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Logging/SummaryWriter.cs -------------------------------------------------------------------------------- /src/Logging/TensorBoardEvent.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Logging/TensorBoardEvent.cs -------------------------------------------------------------------------------- /src/Logging/TensorBoardWriter.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Logging/TensorBoardWriter.cs -------------------------------------------------------------------------------- /src/Logging/TextSummary.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Logging/TextSummary.cs -------------------------------------------------------------------------------- /src/Logging/VarintHelper.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Logging/VarintHelper.cs -------------------------------------------------------------------------------- /src/LossFunctions/CTCLoss.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LossFunctions/CTCLoss.cs -------------------------------------------------------------------------------- /src/LossFunctions/ContrastiveLoss.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LossFunctions/ContrastiveLoss.cs -------------------------------------------------------------------------------- /src/LossFunctions/CosineSimilarityLoss.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LossFunctions/CosineSimilarityLoss.cs -------------------------------------------------------------------------------- /src/LossFunctions/CrossEntropyLoss.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LossFunctions/CrossEntropyLoss.cs -------------------------------------------------------------------------------- /src/LossFunctions/DiceLoss.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LossFunctions/DiceLoss.cs -------------------------------------------------------------------------------- /src/LossFunctions/ElasticNetLoss.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LossFunctions/ElasticNetLoss.cs -------------------------------------------------------------------------------- /src/LossFunctions/ExponentialLoss.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LossFunctions/ExponentialLoss.cs -------------------------------------------------------------------------------- /src/LossFunctions/FocalLoss.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LossFunctions/FocalLoss.cs -------------------------------------------------------------------------------- /src/LossFunctions/HingeLoss.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LossFunctions/HingeLoss.cs -------------------------------------------------------------------------------- /src/LossFunctions/HuberLoss.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LossFunctions/HuberLoss.cs -------------------------------------------------------------------------------- /src/LossFunctions/JaccardLoss.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LossFunctions/JaccardLoss.cs -------------------------------------------------------------------------------- /src/LossFunctions/LogCoshLoss.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LossFunctions/LogCoshLoss.cs -------------------------------------------------------------------------------- /src/LossFunctions/LossFunctionBase.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LossFunctions/LossFunctionBase.cs -------------------------------------------------------------------------------- /src/LossFunctions/MarginLoss.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LossFunctions/MarginLoss.cs -------------------------------------------------------------------------------- /src/LossFunctions/MeanBiasErrorLoss.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LossFunctions/MeanBiasErrorLoss.cs -------------------------------------------------------------------------------- /src/LossFunctions/MeanSquaredErrorLoss.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LossFunctions/MeanSquaredErrorLoss.cs -------------------------------------------------------------------------------- /src/LossFunctions/ModifiedHuberLoss.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LossFunctions/ModifiedHuberLoss.cs -------------------------------------------------------------------------------- /src/LossFunctions/PerceptualLoss.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LossFunctions/PerceptualLoss.cs -------------------------------------------------------------------------------- /src/LossFunctions/PoissonLoss.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LossFunctions/PoissonLoss.cs -------------------------------------------------------------------------------- /src/LossFunctions/QuantileLoss.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LossFunctions/QuantileLoss.cs -------------------------------------------------------------------------------- /src/LossFunctions/QuantumLoss.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LossFunctions/QuantumLoss.cs -------------------------------------------------------------------------------- /src/LossFunctions/SquaredHingeLoss.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LossFunctions/SquaredHingeLoss.cs -------------------------------------------------------------------------------- /src/LossFunctions/TripletLoss.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/LossFunctions/TripletLoss.cs -------------------------------------------------------------------------------- /src/MetaLearning/Trainers/MAMLTrainer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/MetaLearning/Trainers/MAMLTrainer.cs -------------------------------------------------------------------------------- /src/MetaLearning/Trainers/SEALTrainer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/MetaLearning/Trainers/SEALTrainer.cs -------------------------------------------------------------------------------- /src/MixedPrecision/LossScaler.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/MixedPrecision/LossScaler.cs -------------------------------------------------------------------------------- /src/Models/AgentAssistanceOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/AgentAssistanceOptions.cs -------------------------------------------------------------------------------- /src/Models/AgentConfiguration.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/AgentConfiguration.cs -------------------------------------------------------------------------------- /src/Models/AgentRecommendation.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/AgentRecommendation.cs -------------------------------------------------------------------------------- /src/Models/DataSetStats.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/DataSetStats.cs -------------------------------------------------------------------------------- /src/Models/EpochHistory.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/EpochHistory.cs -------------------------------------------------------------------------------- /src/Models/GradientModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/GradientModel.cs -------------------------------------------------------------------------------- /src/Models/Inputs/BasicStatsInputs.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Inputs/BasicStatsInputs.cs -------------------------------------------------------------------------------- /src/Models/Inputs/ErrorStatsInputs.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Inputs/ErrorStatsInputs.cs -------------------------------------------------------------------------------- /src/Models/Inputs/ModelEvaluationInput.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Inputs/ModelEvaluationInput.cs -------------------------------------------------------------------------------- /src/Models/Inputs/ModelStatsInputs.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Inputs/ModelStatsInputs.cs -------------------------------------------------------------------------------- /src/Models/InterventionEffect.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/InterventionEffect.cs -------------------------------------------------------------------------------- /src/Models/InterventionInfo.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/InterventionInfo.cs -------------------------------------------------------------------------------- /src/Models/ModelEvaluationData.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/ModelEvaluationData.cs -------------------------------------------------------------------------------- /src/Models/ModelMetadata.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/ModelMetadata.cs -------------------------------------------------------------------------------- /src/Models/NormalizationInfo.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/NormalizationInfo.cs -------------------------------------------------------------------------------- /src/Models/NormalizationParameters.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/NormalizationParameters.cs -------------------------------------------------------------------------------- /src/Models/OptimizationIterationInfo.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/OptimizationIterationInfo.cs -------------------------------------------------------------------------------- /src/Models/OptimizationStepData.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/OptimizationStepData.cs -------------------------------------------------------------------------------- /src/Models/Options/A2COptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/A2COptions.cs -------------------------------------------------------------------------------- /src/Models/Options/A3COptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/A3COptions.cs -------------------------------------------------------------------------------- /src/Models/Options/ARIMAOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/ARIMAOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/ARIMAXModelOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/ARIMAXModelOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/ARMAOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/ARMAOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/ARModelOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/ARModelOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/CQLOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/CQLOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/DDPGOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/DDPGOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/DFPOptimizerOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/DFPOptimizerOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/DQNOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/DQNOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/DecisionTreeOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/DecisionTreeOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/DoubleDQNOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/DoubleDQNOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/DreamerOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/DreamerOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/DuelingDQNOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/DuelingDQNOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/DynaQOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/DynaQOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/DynaQPlusOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/DynaQPlusOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/GARCHModelOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/GARCHModelOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/IQLOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/IQLOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/LSPIOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/LSPIOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/LSTDOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/LSTDOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/LinearSARSAOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/LinearSARSAOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/M5ModelTreeOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/M5ModelTreeOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/MADDPGOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/MADDPGOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/MAModelOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/MAModelOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/ModelOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/ModelOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/ModelStatsOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/ModelStatsOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/MonteCarloOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/MonteCarloOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/MuZeroOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/MuZeroOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/NBEATSModelOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/NBEATSModelOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/NStepSARSAOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/NStepSARSAOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/PPOOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/PPOOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/ProphetOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/ProphetOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/QLambdaOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/QLambdaOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/QMIXOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/QMIXOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/REINFORCEOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/REINFORCEOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/RainbowDQNOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/RainbowDQNOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/RegressionOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/RegressionOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/SACOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/SACOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/SARIMAOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/SARIMAOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/SARSALambdaOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/SARSALambdaOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/SARSAOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/SARSAOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/TBATSModelOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/TBATSModelOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/TD3Options.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/TD3Options.cs -------------------------------------------------------------------------------- /src/Models/Options/TRPOOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/TRPOOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/TabuSearchOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/TabuSearchOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/UCBBanditOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/UCBBanditOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/VARMAModelOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/VARMAModelOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/VARModelOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/VARModelOptions.cs -------------------------------------------------------------------------------- /src/Models/Options/WorldModelsOptions.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Options/WorldModelsOptions.cs -------------------------------------------------------------------------------- /src/Models/Results/BootstrapResult.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Results/BootstrapResult.cs -------------------------------------------------------------------------------- /src/Models/Results/ChiSquareTestResult.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Results/ChiSquareTestResult.cs -------------------------------------------------------------------------------- /src/Models/Results/ClusteringMetrics.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Results/ClusteringMetrics.cs -------------------------------------------------------------------------------- /src/Models/Results/FTestResult.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Results/FTestResult.cs -------------------------------------------------------------------------------- /src/Models/Results/FitDetectorResult.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Results/FitDetectorResult.cs -------------------------------------------------------------------------------- /src/Models/Results/FoldResult.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Results/FoldResult.cs -------------------------------------------------------------------------------- /src/Models/Results/MetaTrainingResult.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Results/MetaTrainingResult.cs -------------------------------------------------------------------------------- /src/Models/Results/ModelResult.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Results/ModelResult.cs -------------------------------------------------------------------------------- /src/Models/Results/OptimizationResult.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Results/OptimizationResult.cs -------------------------------------------------------------------------------- /src/Models/Results/TTestResult.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/Results/TTestResult.cs -------------------------------------------------------------------------------- /src/Models/VectorModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Models/VectorModel.cs -------------------------------------------------------------------------------- /src/NestedLearning/AssociativeMemory.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NestedLearning/AssociativeMemory.cs -------------------------------------------------------------------------------- /src/NestedLearning/ContextFlow.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NestedLearning/ContextFlow.cs -------------------------------------------------------------------------------- /src/NestedLearning/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NestedLearning/README.md -------------------------------------------------------------------------------- /src/NeuralNetworks/AttentionNetwork.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/AttentionNetwork.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Autoencoder.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Autoencoder.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/CapsuleNetwork.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/CapsuleNetwork.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Connection.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Connection.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/DeepBeliefNetwork.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/DeepBeliefNetwork.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/DeepQNetwork.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/DeepQNetwork.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/EchoStateNetwork.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/EchoStateNetwork.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Experience.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Experience.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/GRUNeuralNetwork.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/GRUNeuralNetwork.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Genome.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Genome.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/GraphNeuralNetwork.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/GraphNeuralNetwork.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/HTMNetwork.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/HTMNetwork.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/HopeNetwork.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/HopeNetwork.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/HopfieldNetwork.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/HopfieldNetwork.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/LSTMNeuralNetwork.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/LSTMNeuralNetwork.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Layers/AddLayer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Layers/AddLayer.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Layers/CapsuleLayer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Layers/CapsuleLayer.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Layers/DecoderLayer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Layers/DecoderLayer.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Layers/DenseLayer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Layers/DenseLayer.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Layers/DropoutLayer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Layers/DropoutLayer.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Layers/ExpertLayer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Layers/ExpertLayer.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Layers/FlattenLayer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Layers/FlattenLayer.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Layers/GRULayer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Layers/GRULayer.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Layers/HighwayLayer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Layers/HighwayLayer.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Layers/InputLayer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Layers/InputLayer.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Layers/LSTMLayer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Layers/LSTMLayer.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Layers/LambdaLayer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Layers/LambdaLayer.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Layers/LayerBase.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Layers/LayerBase.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Layers/MaskingLayer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Layers/MaskingLayer.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Layers/MeanLayer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Layers/MeanLayer.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Layers/PaddingLayer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Layers/PaddingLayer.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Layers/PoolingLayer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Layers/PoolingLayer.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Layers/QuantumLayer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Layers/QuantumLayer.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Layers/RBFLayer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Layers/RBFLayer.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Layers/RBMLayer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Layers/RBMLayer.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Layers/ReadoutLayer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Layers/ReadoutLayer.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Layers/ReshapeLayer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Layers/ReshapeLayer.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Layers/SpikingLayer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Layers/SpikingLayer.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Layers/SplitLayer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Layers/SplitLayer.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/LiquidStateMachine.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/LiquidStateMachine.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/MemoryNetwork.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/MemoryNetwork.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/NEAT.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/NEAT.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/NeuralNetwork.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/NeuralNetwork.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/NeuralNetworkBase.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/NeuralNetworkBase.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/NeuralTuringMachine.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/NeuralTuringMachine.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/SelfOrganizingMap.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/SelfOrganizingMap.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/SiameseNetwork.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/SiameseNetwork.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/SuperNet.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/SuperNet.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/Transformer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/Transformer.cs -------------------------------------------------------------------------------- /src/NeuralNetworks/VisionTransformer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/NeuralNetworks/VisionTransformer.cs -------------------------------------------------------------------------------- /src/Normalizers/BinningNormalizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Normalizers/BinningNormalizer.cs -------------------------------------------------------------------------------- /src/Normalizers/DecimalNormalizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Normalizers/DecimalNormalizer.cs -------------------------------------------------------------------------------- /src/Normalizers/LogNormalizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Normalizers/LogNormalizer.cs -------------------------------------------------------------------------------- /src/Normalizers/LpNormNormalizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Normalizers/LpNormNormalizer.cs -------------------------------------------------------------------------------- /src/Normalizers/MaxAbsScaler.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Normalizers/MaxAbsScaler.cs -------------------------------------------------------------------------------- /src/Normalizers/MeanVarianceNormalizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Normalizers/MeanVarianceNormalizer.cs -------------------------------------------------------------------------------- /src/Normalizers/MinMaxNormalizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Normalizers/MinMaxNormalizer.cs -------------------------------------------------------------------------------- /src/Normalizers/NoNormalizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Normalizers/NoNormalizer.cs -------------------------------------------------------------------------------- /src/Normalizers/NormalizerBase.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Normalizers/NormalizerBase.cs -------------------------------------------------------------------------------- /src/Normalizers/QuantileTransformer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Normalizers/QuantileTransformer.cs -------------------------------------------------------------------------------- /src/Normalizers/ZScoreNormalizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Normalizers/ZScoreNormalizer.cs -------------------------------------------------------------------------------- /src/Optimizers/ADMMOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Optimizers/ADMMOptimizer.cs -------------------------------------------------------------------------------- /src/Optimizers/AMSGradOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Optimizers/AMSGradOptimizer.cs -------------------------------------------------------------------------------- /src/Optimizers/AdaDeltaOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Optimizers/AdaDeltaOptimizer.cs -------------------------------------------------------------------------------- /src/Optimizers/AdaMaxOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Optimizers/AdaMaxOptimizer.cs -------------------------------------------------------------------------------- /src/Optimizers/AdagradOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Optimizers/AdagradOptimizer.cs -------------------------------------------------------------------------------- /src/Optimizers/AdamOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Optimizers/AdamOptimizer.cs -------------------------------------------------------------------------------- /src/Optimizers/AdamWOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Optimizers/AdamWOptimizer.cs -------------------------------------------------------------------------------- /src/Optimizers/AntColonyOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Optimizers/AntColonyOptimizer.cs -------------------------------------------------------------------------------- /src/Optimizers/BFGSOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Optimizers/BFGSOptimizer.cs -------------------------------------------------------------------------------- /src/Optimizers/BayesianOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Optimizers/BayesianOptimizer.cs -------------------------------------------------------------------------------- /src/Optimizers/CMAESOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Optimizers/CMAESOptimizer.cs -------------------------------------------------------------------------------- /src/Optimizers/DFPOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Optimizers/DFPOptimizer.cs -------------------------------------------------------------------------------- /src/Optimizers/FTRLOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Optimizers/FTRLOptimizer.cs -------------------------------------------------------------------------------- /src/Optimizers/LBFGSOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Optimizers/LBFGSOptimizer.cs -------------------------------------------------------------------------------- /src/Optimizers/LionOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Optimizers/LionOptimizer.cs -------------------------------------------------------------------------------- /src/Optimizers/MomentumOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Optimizers/MomentumOptimizer.cs -------------------------------------------------------------------------------- /src/Optimizers/NadamOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Optimizers/NadamOptimizer.cs -------------------------------------------------------------------------------- /src/Optimizers/NelderMeadOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Optimizers/NelderMeadOptimizer.cs -------------------------------------------------------------------------------- /src/Optimizers/NewtonMethodOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Optimizers/NewtonMethodOptimizer.cs -------------------------------------------------------------------------------- /src/Optimizers/NormalOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Optimizers/NormalOptimizer.cs -------------------------------------------------------------------------------- /src/Optimizers/OptimizerBase.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Optimizers/OptimizerBase.cs -------------------------------------------------------------------------------- /src/Optimizers/ParticleSwarmOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Optimizers/ParticleSwarmOptimizer.cs -------------------------------------------------------------------------------- /src/Optimizers/PowellOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Optimizers/PowellOptimizer.cs -------------------------------------------------------------------------------- /src/Optimizers/TabuSearchOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Optimizers/TabuSearchOptimizer.cs -------------------------------------------------------------------------------- /src/Optimizers/TrustRegionOptimizer.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Optimizers/TrustRegionOptimizer.cs -------------------------------------------------------------------------------- /src/OutlierRemoval/NoOutlierRemoval.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/OutlierRemoval/NoOutlierRemoval.cs -------------------------------------------------------------------------------- /src/Polyfills/NetFrameworkPolyfills.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Polyfills/NetFrameworkPolyfills.cs -------------------------------------------------------------------------------- /src/Polyfills/PriorityQueuePolyfill.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Polyfills/PriorityQueuePolyfill.cs -------------------------------------------------------------------------------- /src/PredictionModelBuilder.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/PredictionModelBuilder.cs -------------------------------------------------------------------------------- /src/Prototypes/PrototypeVector.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Prototypes/PrototypeVector.cs -------------------------------------------------------------------------------- /src/Prototypes/SimpleNeuralNetwork.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Prototypes/SimpleNeuralNetwork.cs -------------------------------------------------------------------------------- /src/RadialBasisFunctions/BesselRBF.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/RadialBasisFunctions/BesselRBF.cs -------------------------------------------------------------------------------- /src/RadialBasisFunctions/CubicRBF.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/RadialBasisFunctions/CubicRBF.cs -------------------------------------------------------------------------------- /src/RadialBasisFunctions/LinearRBF.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/RadialBasisFunctions/LinearRBF.cs -------------------------------------------------------------------------------- /src/RadialBasisFunctions/MaternRBF.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/RadialBasisFunctions/MaternRBF.cs -------------------------------------------------------------------------------- /src/RadialBasisFunctions/WaveRBF.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/RadialBasisFunctions/WaveRBF.cs -------------------------------------------------------------------------------- /src/Reasoning/Models/ReasoningChain.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Reasoning/Models/ReasoningChain.cs -------------------------------------------------------------------------------- /src/Reasoning/Models/ReasoningStep.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Reasoning/Models/ReasoningStep.cs -------------------------------------------------------------------------------- /src/Reasoning/Models/ThoughtNode.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Reasoning/Models/ThoughtNode.cs -------------------------------------------------------------------------------- /src/Reasoning/Reasoner.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Reasoning/Reasoner.cs -------------------------------------------------------------------------------- /src/Reasoning/ReasoningStrategyBase.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Reasoning/ReasoningStrategyBase.cs -------------------------------------------------------------------------------- /src/Reasoning/Search/BeamSearch.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Reasoning/Search/BeamSearch.cs -------------------------------------------------------------------------------- /src/Regression/AdaBoostR2Regression.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Regression/AdaBoostR2Regression.cs -------------------------------------------------------------------------------- /src/Regression/BayesianRegression.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Regression/BayesianRegression.cs -------------------------------------------------------------------------------- /src/Regression/IsotonicRegression.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Regression/IsotonicRegression.cs -------------------------------------------------------------------------------- /src/Regression/LogisticRegression.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Regression/LogisticRegression.cs -------------------------------------------------------------------------------- /src/Regression/MultipleRegression.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Regression/MultipleRegression.cs -------------------------------------------------------------------------------- /src/Regression/OrthogonalRegression.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Regression/OrthogonalRegression.cs -------------------------------------------------------------------------------- /src/Regression/PoissonRegression.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Regression/PoissonRegression.cs -------------------------------------------------------------------------------- /src/Regression/PolynomialRegression.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Regression/PolynomialRegression.cs -------------------------------------------------------------------------------- /src/Regression/QuantileRegression.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Regression/QuantileRegression.cs -------------------------------------------------------------------------------- /src/Regression/RegressionBase.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Regression/RegressionBase.cs -------------------------------------------------------------------------------- /src/Regression/RobustRegression.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Regression/RobustRegression.cs -------------------------------------------------------------------------------- /src/Regression/SimpleRegression.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Regression/SimpleRegression.cs -------------------------------------------------------------------------------- /src/Regression/SplineRegression.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Regression/SplineRegression.cs -------------------------------------------------------------------------------- /src/Regression/StepwiseRegression.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Regression/StepwiseRegression.cs -------------------------------------------------------------------------------- /src/Regression/SymbolicRegression.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Regression/SymbolicRegression.cs -------------------------------------------------------------------------------- /src/Regression/TimeSeriesRegression.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Regression/TimeSeriesRegression.cs -------------------------------------------------------------------------------- /src/Regression/WeightedRegression.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Regression/WeightedRegression.cs -------------------------------------------------------------------------------- /src/Regularization/L1Regularization.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Regularization/L1Regularization.cs -------------------------------------------------------------------------------- /src/Regularization/L2Regularization.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Regularization/L2Regularization.cs -------------------------------------------------------------------------------- /src/Regularization/NoRegularization.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Regularization/NoRegularization.cs -------------------------------------------------------------------------------- /src/Statistics/BasicStats.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Statistics/BasicStats.cs -------------------------------------------------------------------------------- /src/Statistics/ErrorStats.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Statistics/ErrorStats.cs -------------------------------------------------------------------------------- /src/Statistics/GeneticStats.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Statistics/GeneticStats.cs -------------------------------------------------------------------------------- /src/Statistics/ModelStats.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Statistics/ModelStats.cs -------------------------------------------------------------------------------- /src/Statistics/PredictionStats.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Statistics/PredictionStats.cs -------------------------------------------------------------------------------- /src/Statistics/Quartile.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Statistics/Quartile.cs -------------------------------------------------------------------------------- /src/TimeSeries/ARIMAModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/TimeSeries/ARIMAModel.cs -------------------------------------------------------------------------------- /src/TimeSeries/ARIMAXModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/TimeSeries/ARIMAXModel.cs -------------------------------------------------------------------------------- /src/TimeSeries/ARMAModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/TimeSeries/ARMAModel.cs -------------------------------------------------------------------------------- /src/TimeSeries/ARModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/TimeSeries/ARModel.cs -------------------------------------------------------------------------------- /src/TimeSeries/GARCHModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/TimeSeries/GARCHModel.cs -------------------------------------------------------------------------------- /src/TimeSeries/MAModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/TimeSeries/MAModel.cs -------------------------------------------------------------------------------- /src/TimeSeries/NBEATSBlock.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/TimeSeries/NBEATSBlock.cs -------------------------------------------------------------------------------- /src/TimeSeries/NBEATSModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/TimeSeries/NBEATSModel.cs -------------------------------------------------------------------------------- /src/TimeSeries/ProphetModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/TimeSeries/ProphetModel.cs -------------------------------------------------------------------------------- /src/TimeSeries/SARIMAModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/TimeSeries/SARIMAModel.cs -------------------------------------------------------------------------------- /src/TimeSeries/STLDecomposition.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/TimeSeries/STLDecomposition.cs -------------------------------------------------------------------------------- /src/TimeSeries/StateSpaceModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/TimeSeries/StateSpaceModel.cs -------------------------------------------------------------------------------- /src/TimeSeries/TBATSModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/TimeSeries/TBATSModel.cs -------------------------------------------------------------------------------- /src/TimeSeries/TimeSeriesModelBase.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/TimeSeries/TimeSeriesModelBase.cs -------------------------------------------------------------------------------- /src/TimeSeries/VARMAModel.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/TimeSeries/VARMAModel.cs -------------------------------------------------------------------------------- /src/Tokenization/Core/TokenizerBase.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Tokenization/Core/TokenizerBase.cs -------------------------------------------------------------------------------- /src/Tokenization/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Tokenization/README.md -------------------------------------------------------------------------------- /src/Tools/BingSearchResponse.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Tools/BingSearchResponse.cs -------------------------------------------------------------------------------- /src/Tools/BingWebPage.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Tools/BingWebPage.cs -------------------------------------------------------------------------------- /src/Tools/BingWebPages.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Tools/BingWebPages.cs -------------------------------------------------------------------------------- /src/Tools/CalculatorTool.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Tools/CalculatorTool.cs -------------------------------------------------------------------------------- /src/Tools/CrossValidationTool.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Tools/CrossValidationTool.cs -------------------------------------------------------------------------------- /src/Tools/DataAnalysisTool.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Tools/DataAnalysisTool.cs -------------------------------------------------------------------------------- /src/Tools/FeatureImportanceTool.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Tools/FeatureImportanceTool.cs -------------------------------------------------------------------------------- /src/Tools/HyperparameterTool.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Tools/HyperparameterTool.cs -------------------------------------------------------------------------------- /src/Tools/ModelSelectionTool.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Tools/ModelSelectionTool.cs -------------------------------------------------------------------------------- /src/Tools/PredictionModelTool.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Tools/PredictionModelTool.cs -------------------------------------------------------------------------------- /src/Tools/RAGTool.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Tools/RAGTool.cs -------------------------------------------------------------------------------- /src/Tools/RegularizationTool.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Tools/RegularizationTool.cs -------------------------------------------------------------------------------- /src/Tools/SearchProvider.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Tools/SearchProvider.cs -------------------------------------------------------------------------------- /src/Tools/SearchTool.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Tools/SearchTool.cs -------------------------------------------------------------------------------- /src/Tools/SerpAPIResponse.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Tools/SerpAPIResponse.cs -------------------------------------------------------------------------------- /src/Tools/SerpAPIResult.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Tools/SerpAPIResult.cs -------------------------------------------------------------------------------- /src/Tools/ToolBase.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Tools/ToolBase.cs -------------------------------------------------------------------------------- /src/Tools/VectorSearchTool.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Tools/VectorSearchTool.cs -------------------------------------------------------------------------------- /src/Tools/WebSearchTool.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Tools/WebSearchTool.cs -------------------------------------------------------------------------------- /src/Validation/RegressionValidator.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Validation/RegressionValidator.cs -------------------------------------------------------------------------------- /src/Validation/TensorValidator.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Validation/TensorValidator.cs -------------------------------------------------------------------------------- /src/Validation/VectorValidator.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/Validation/VectorValidator.cs -------------------------------------------------------------------------------- /src/WaveletFunctions/BSplineWavelet.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/WaveletFunctions/BSplineWavelet.cs -------------------------------------------------------------------------------- /src/WaveletFunctions/CoifletWavelet.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/WaveletFunctions/CoifletWavelet.cs -------------------------------------------------------------------------------- /src/WaveletFunctions/DOGWavelet.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/WaveletFunctions/DOGWavelet.cs -------------------------------------------------------------------------------- /src/WaveletFunctions/GaborWavelet.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/WaveletFunctions/GaborWavelet.cs -------------------------------------------------------------------------------- /src/WaveletFunctions/HaarWavelet.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/WaveletFunctions/HaarWavelet.cs -------------------------------------------------------------------------------- /src/WaveletFunctions/MeyerWavelet.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/WaveletFunctions/MeyerWavelet.cs -------------------------------------------------------------------------------- /src/WaveletFunctions/MorletWavelet.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/WaveletFunctions/MorletWavelet.cs -------------------------------------------------------------------------------- /src/WaveletFunctions/PaulWavelet.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/WaveletFunctions/PaulWavelet.cs -------------------------------------------------------------------------------- /src/WaveletFunctions/ShannonWavelet.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/WaveletFunctions/ShannonWavelet.cs -------------------------------------------------------------------------------- /src/WaveletFunctions/SymletWavelet.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/WaveletFunctions/SymletWavelet.cs -------------------------------------------------------------------------------- /src/WindowFunctions/BartlettWindow.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/WindowFunctions/BartlettWindow.cs -------------------------------------------------------------------------------- /src/WindowFunctions/BlackmanWindow.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/WindowFunctions/BlackmanWindow.cs -------------------------------------------------------------------------------- /src/WindowFunctions/BohmanWindow.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/WindowFunctions/BohmanWindow.cs -------------------------------------------------------------------------------- /src/WindowFunctions/CosineWindow.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/WindowFunctions/CosineWindow.cs -------------------------------------------------------------------------------- /src/WindowFunctions/FlatTopWindow.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/WindowFunctions/FlatTopWindow.cs -------------------------------------------------------------------------------- /src/WindowFunctions/GaussianWindow.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/WindowFunctions/GaussianWindow.cs -------------------------------------------------------------------------------- /src/WindowFunctions/HammingWindow.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/WindowFunctions/HammingWindow.cs -------------------------------------------------------------------------------- /src/WindowFunctions/HanningWindow.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/WindowFunctions/HanningWindow.cs -------------------------------------------------------------------------------- /src/WindowFunctions/KaiserWindow.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/WindowFunctions/KaiserWindow.cs -------------------------------------------------------------------------------- /src/WindowFunctions/LanczosWindow.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/WindowFunctions/LanczosWindow.cs -------------------------------------------------------------------------------- /src/WindowFunctions/NuttallWindow.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/WindowFunctions/NuttallWindow.cs -------------------------------------------------------------------------------- /src/WindowFunctions/ParzenWindow.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/WindowFunctions/ParzenWindow.cs -------------------------------------------------------------------------------- /src/WindowFunctions/PoissonWindow.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/WindowFunctions/PoissonWindow.cs -------------------------------------------------------------------------------- /src/WindowFunctions/TukeyWindow.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/WindowFunctions/TukeyWindow.cs -------------------------------------------------------------------------------- /src/WindowFunctions/WelchWindow.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/src/WindowFunctions/WelchWindow.cs -------------------------------------------------------------------------------- /testconsole/AiDotNetTestConsole.csproj: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/testconsole/AiDotNetTestConsole.csproj -------------------------------------------------------------------------------- /testconsole/DeconvTest.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/testconsole/DeconvTest.cs -------------------------------------------------------------------------------- /testconsole/GlobalUsings.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/testconsole/GlobalUsings.cs -------------------------------------------------------------------------------- /testconsole/Program.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/testconsole/Program.cs -------------------------------------------------------------------------------- /tests/AiDotNet.Tests/GlobalUsings.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/tests/AiDotNet.Tests/GlobalUsings.cs -------------------------------------------------------------------------------- /tests/Reasoning/IntegrationTests.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/tests/Reasoning/IntegrationTests.cs -------------------------------------------------------------------------------- /tests/UnitTests/Agents/AgentTests.cs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ooples/AiDotNet/HEAD/tests/UnitTests/Agents/AgentTests.cs --------------------------------------------------------------------------------