-
Data Structure-8-Graphs TOP NEW
-
Computing the Matrix Exponential TOP NEW
-
The Laplace Transform TOP NEW
-
Laplace Transform, Transfer Function, and LTIC System Response TOP NEW
-
BESSEL's Differential Equation TOP NEW
-
Data Structure-7-Disjoint Sets TOP NEW
-
Impulse Response, Stability, Causality, and LTIC Systems TOP NEW
-
Convolution, Impulse, Sampling, and Reconstruction TOP NEW
-
Data Structure-6-Heaps TOP NEW
#CS225 Heap Overview 本节主要包括了 堆 (Heap) 这种数据结构,特别是 最小堆 (Min-Heap)。核心内容包括: 堆的基本概念和数组实现 堆的核心操作:插入 (Insert / heapifyUp) 堆的核心操作:删除最小值 (RemoveMin / heapifyDown) 堆的构建 (BuildHeap) 堆排序 (Heap Sort) 堆作为优先队列 (Priority Queue) 的实现 (最小) 堆 ((Min) Heap) 的概念与数组表示 定义 (Definition): 堆是一种特殊的基于树的数据结构。我们主要关注 最小堆 (Min-Heap)。 关键属性... Read More
-
Thermodynamics out of equilibrium TOP NEW
-
Series Solutions of Ordinary Differential Equations TOP NEW
#Math285 引言 (Introduction) 我们已经学习了一些求解特定类型微分方程的方法,例如一阶线性方程、变量分离方程以及常系数线性方程等。然而,许多重要的微分方程,特别是那些来源于物理和工程问题的方程 (例如带有非恒定系数的二阶线性方程),不能用这些初等方法求解。 本部分的核心目标是引入一种强大的分析工具——幂级数 (Power Series),来寻找更广泛类型的微分方程的解,特别是解析解 (Analytic Solutions)。 我们将首先回顾幂级数和解析函数的基本性质,这是理解后续方法的基石。然后,我们将重点讨论如何利用幂级数求解二阶线性 ODEs。我们会区分两种情况:在常点 (Ordinary Points) 附近求解和在正则奇点 (Regular Si... Read More
-
Modulation and AM Radio TOP NEW
#ECE210 调制 (Modulation) 调制是一种将信息信号 (信息承载信号,通常是低频信号,如音频) 加载到载波信号 (carrier signal,通常是高频正弦波) 上的过程。 输入信号 (Input Signal / Baseband Signal): 这就是我们要传输的信息,例如语音、音乐等。它通常处在较低的频率范围 (基带),例如音频信号的带宽大约在 15 kHz 左右。我们用
表示这个信号,其傅里叶变换为 。 载波信号 (Carrier Signal): 一个高频的正弦波,例如 ,其中 是载波角频率 (carrier angular frequency... Read More -
Data Structure-5-Hashing TOP NEW
#CS225 Hashing Basic 核心思想 目标 定义键空间 (Keyspace): 我们首先要确定我们可能想要存储的所有可能键的集合。这个 keyspace 是一个形式化的、通常是数学上的描述。键可以是任何东西 —— 学生 ID (整数)、姓名 (字符串)、坐标 (数值对) 等。我们用
来表示一个任意的键。 将键映射到整数: 核心目标是使用一个特殊的函数,称为 哈希函数 (Hash Function),记作 ,将来自我们键空间的任何键 转换成一个小的整数。具体来说,我们希望将其映射到一个固定大小范围内的索引,通常代表数组中的位置。如幻灯片 4 所示,这个映射是 $h(key): key \rightarrow \mathbb... Read More -
ECE210汇总 TOP NEW
-
General Linear Differential Equation TOP NEW
#Math285 概述 (Overview) 这部分课程的核心是处理线性常微分方程 (Linear Ordinary Differential Equations, Linear ODE’s) 及其系统,特别是当系数可能是时变 (time-dependent) 的情况。 主要挑战: 对于系数依赖于时间
的齐次线性 ODE (homogeneous linear ODE),通常没有通用的方法来直接计算其基本解组 (fundamental system of solutions)。 解决方法: 对于非齐次 ODE (inhomogeneous ODE),如果我们已知对应齐次方程的基本解组,可以使用参数变易法 (variation of p... Read More -
Thermodynamics in equilibrium TOP NEW
#PHYS213 Lecture 1: Equilibrium, Entropy, and Energy (平衡、熵与能量) 这是我们正式进入热物理学习的第一讲,核心概念是 熵 (Entropy)。 为什么需要新概念?(Why Need a New Concept?) 我们知道能量是守恒的 (Energy is conserved) - 这就是 热力学第一定律 (The First Law of Thermodynamics)。 但是,第一定律无法告诉我们能量流动的方向。例如,热量总是自发地从热物体流向冷物体,而不是反过来,即使反过来能量也是守恒的。 我们需要一个新的物理量来解释过程的方向性。这个量就是 熵 (Entropy)。 热力学第二定律 (The ... Read More
-
Fourier Transform and LTI System Response to Energy Signals TOP NEW
-
Fourier Series and LTI System Response to Periodic Signals TOP NEW
-
Data Structure-4-BTree TOP NEW
#CS225 Motivation 为什么需要 B 树? 首先提出的问题很关键:我们总能把所有数据都放进主内存 (main memory) 吗? 答案是,特别对于现在的大型数据集来说,通常是不能 (No)。 那么,我们还能把数据存放在哪里呢?常见的答案是磁盘 (Disk) (比如硬盘驱动器 HDD 或固态硬盘 SSD),甚至是云存储 (Cloud Storage)。 这里的关键点在于,我们分析算法效率的标准方法——大 O 表示法 (Big-O notation),通常假设所有操作的时间是统一的 (uniform time)。这意味着它假设从内存访问数据大致花费相同的时间,不管数据在哪里。 问题:巨大的访问时间差异 事实上,当涉及到磁盘或云存储时,“统一... Read More
-
Data Structure-3 TOP NEW
#CS225 AVL Motivation BST 的局限性 (BST Limitation): 一个普通的二叉搜索树 (Binary Search Tree, BST) 的高度 (
) 范围可以从 (最佳情况,树比较平衡) 到 (最坏情况,树倾斜得像一个链表,或称为 “stick” 形状)。由于 BST 的基本操作 (插入 insert, 删除 delete, 查找 find) 的时间复杂度都是 ,在最坏情况下,这些操作会变成 。这对于性能来说并不理想。 目标 (Goal): 我们希望有一种数据结构,既能保持 BST 的性质 (元素有序,便于高效搜索),又能保证结构的平衡,确保树的高度 始终接近最优的 $... Read More -
Data Structure-2 TOP NEW
-
Higher-Order Linear ODE TOP NEW
-
Phase Space TOP NEW
-
Preparations for the Proof of the Existence and Uniqueness Theorem TOP NEW
#Math285 General Summary 问题重述与算子不动点: 将一阶常微分方程的初值问题 (Initial Value Problem, IVP) 转化为等价的积分方程形式,并认识到求解 IVP 等价于寻找某个特定算子 (Operator) 的不动点 (Fixed Point)。 高阶方程降阶: 将
阶常微分方程转化为一个等价的一阶常微分方程组,从而可以将存在唯一性的讨论统一到一阶系统上。 (选学) 牛顿迭代法 (Newton’s Method): 作为求解方程根 (可以看作一种不动点问题) 的经典方法,牛顿迭代法的思想和收敛性分析为我们理解后续的不动点定理提供了重要的类比和启发。 度量空间 (Metric Spaces): 引入度量... Read More -
Existence and Uniqueness of Solutions TOP NEW
-
Frequency Response of LTI Systems TOP NEW
-
Uniform Convergence TOP NEW
-
MATH 285 Collection TOP NEW
-
Phasors and Sinusoidal Steady State TOP NEW
-
Application of quantum mechanics TOP NEW
-
First-Order Differential Equations2 TOP NEW
-
Data Structure TOP NEW
#CS225 Storage Design 核心概念: 在 C++ 等编程语言中,当我们创建一个变量并存储数据时,需要决定如何将这个数据存储在内存中。 这三种 “ 存储方式 “ 决定了变量如何与内存中的实际数据关联起来。 1. 存储方式:引用 (Storage by Reference) 定义: 引用就像是给已存在的变量起一个别名。它 不是 一个独立的变量,而是 直接 指向原始变量的内存地址。 一旦引用被绑定到一个变量,它就 永远 指向那个变量。 特点: 不占用额外内存: 引用本身不占用额外的存储空间,它只是原始变量的另一个名字。 必须初始化: 引用在声明时 必须 初始化,因为你必须告诉它要 “ ... Read More
-
Data Structure TOP NEW
#CS225 Storage Design 核心概念: 在 C++ 等编程语言中,当我们创建一个变量并存储数据时,需要决定如何将这个数据存储在内存中。 这三种 “ 存储方式 “ 决定了变量如何与内存中的实际数据关联起来。 1. 存储方式:引用 (Storage by Reference) 定义: 引用就像是给已存在的变量起一个别名。它 不是 一个独立的变量,而是 直接 指向原始变量的内存地址。 一旦引用被绑定到一个变量,它就 永远 指向那个变量。 特点: 不占用额外内存: 引用本身不占用额外的存储空间,它只是原始变量的另一个名字。 必须初始化: 引用在声明时 必须 初始化,因为你必须告诉它要 “ ... Read More
-
Compile & Debug TOP NEW
-
C++ Basic TOP NEW
#CS225 基础语法 Template 模板 模板的基本概念 模板本质上是一种参数化的类型或函数。 你可以把类型或函数的一部分(通常是类型)作为参数传递给模板,编译器会根据你提供的参数生成特定的代码。 模板的种类 C++ 中有两种主要的模板: 函数模板 (Function Templates) 类模板 (Class Templates) 2.1 函数模板 函数模板允许你创建可以处理多种数据类型的函数。 语法: 1 2 3 4 template <typename TypeParameter1, typename TypeParameter2, ...> return_type function_name(parameter_list... Read More
-
PHYS214汇总 TOP NEW
-
Circuits for Signal Processing TOP NEW
-
Basic objects of quantum mechanisms TOP NEW
-
Waves TOP NEW
-
Circuit Basics TOP NEW
#ECE210 Ideal Circuit Elements Sources 1. Independent Sources 独立电压源 独立电压源能够维持两极的固定电势差,与通过的电流大小无关 独立电流源 独立电流源能够维持通过该元件的电流恒定,不受两端电压的影响 2. Dependent sources 非独立电流源或电压源受电路中其他处的电压或电流影响 Capacitors & Inductors AC 电路中,电容储存的能量: $$ \begin{align} & p = vi = vC \frac{dv}{dt} = \frac{d}{dt} \left( \frac{1}{2}Cv^{2} \right) & w = \fra... Read More
-
First-Order Differential Equations1 TOP NEW
-
Introduction to ODE's TOP NEW
-
Surface Integral TOP NEW
-
毛概军理复习 TOP NEW
毛概 2024 秋海宁考纲 毛概期末复习6.22 - 飞书云文档 【2023-2024秋冬】海宁校区秋冬学期高永老师毛概(2023版)回忆卷以及思政课资源分享 - CC98论坛 98 资源信息汇总,查看往年试卷形式,考点内容 确定背诵区域 ->关注往年老师划重点(智云课堂陈晓伟) 看书关注大标题与段首第一句,同时可以看飞书文档内内容划重点 复习规划 面向往年卷,迅速熟悉考试提醒以及复习要点 选定参考的精讲资料以及课本,迅速熟悉课本内容,同时总结背诵重点简答题 结合选择题刷题器以及选择题小点整理,迅速熟悉选择题重要考点 关注老师是... Read More
-
Vector Analysis TOP NEW
-
Lebesgue Integral TOP NEW
-
Relations & Graphs TOP NEW
-
Multi-variables Integral TOP NEW
-
Quadratic Forms and Quatrics TOP NEW
-
Jointly Distributed Random Variables TOP NEW
#ECE313 Basic Joint Cumulative Distribution Functions Definition 利用图像定义,我们有: 对于分布在一个区域内的联合概率分布,我们有: Proposition Properties Joint Probability Mass Functions & Density Functions 离散型随机变量 ->Joint Probability Mass Functions 考虑在同一个概率空间中的离散型随机变量
,其联合概率质量函数: 同时结合全概率定理,我们可以由联合概率质量函数导出分别的概率质量函数 $... Read More -
Counting TOP NEW
#Math213 Counting Basic Basic Counting Rules Product Rule:计数过程可以分解为一个彼此依赖序列计数过程,前项计数过程中的元素均与后项有关 Sum Rule: 计数过程可以分解为一系列独立的计数过程 容斥原理:Principle of Inclusion-Exclusion $$ |\cup_{i=1}^{n}S_{i}| = \sum_{i}|S_{i}|-\sum_{i<j}|S_{i}\cap S_{j}|+\sum_{i<j<k}|S_{i}\cap S_{j}\cap S_{k}|+\dots+(-1)^{n-1}|S_{1}\cap\dots \ca... Read More
-
MATH 241 Collection TOP NEW
汇总表格 table date from #Math241 sort date 集萃 [[ Coordinate System#Equational and Parametric Representation ]] [[ Coordinate System#Cylinders and Quadratic Surfaces ]] [[ Vector#Cross Product ]] [[ Vector Function#Basic Term ]] [[ Vector Function#Curvature 曲率 ]] [[ Applications to Physics#Velocity, Speed an... Read More
-
MATH 213 Collection TOP NEW
-
ECE 313 Collection TOP NEW
-
Partial Derivatives 2 TOP NEW
-
Mathematical Induction and Recursion TOP NEW
#Math213 Mathematical Induction 注意: 归纳奠基(选择最小满足命题的正整数) 假设,并利用前向假设证明后项命题 Recursion Towers of Hanoi Problem 汉诺塔 Description Algorithm 注意汉诺塔核心即为考虑到最后的情况必有 n-1 plate 在第二块,1 一个最大的 plate 在第一堆,这样即可将问题化归为 n-1 的情况,调用递归函数 Idea 递归的数学核心可视为反向数学归纳法,当我们确定了递归最终可以结束(即确定归纳法的奠基),再寻找到将问题递归的方式,即可形成完整的递归链条 Running Time: 利用操作次数表示... Read More
-
Partial Derivatives 1 TOP NEW
-
Continuous-type random variables TOP NEW
#ECE313 Cumulative distribution functions Basic Definition To be on mathematically firm ground, random variables are also required to have the property that sets of the form
should be events-meaning that they should be in F: Since a probability measure P assigns a probability to every event, every random varia... Read More -
Number Theory TOP NEW
-
Functions of Several Variables TOP NEW
#Math241 Limit and Continuity Basic Terminology 多元函数 Limit and Continuity Definition 即为都利用欧几里得距离去衡量向量之间的的接近程度,以满足极限或连续性定义中无穷小的条件 注意: 只有 Accumulation Point 才有极限的定义 (即只考虑 Accumulation Point 的极限) 对于映射结果也为高维向量的函数,其极限存在的条件也即为各个维度上极限存在(注意逼近的路径任意,可以从空间中各个方向逼近,但极限存在意味着均需得到相同的结果) Graphs: 对多元函数进行可视化,将其自变量与因变量的向量维数相加,放至同一个向量空间 Level ... Read More
-
Applications to Physics TOP NEW
-
Discrete-type Random Variables 2 TOP NEW
-
Complexity of Algorithms TOP NEW
#Math213 Algorithm Basic Definition Comparison Time Complexity: number of machine operations Space Complexity: amount of memory needed Instance: 即问题对应的具体输入 Growth of Functions Big-O Notation 注意: big-O 只要求量级大于等于即可,意味着只要找到下界,比下界大的函数都可以 注意
的量级 证明: $$ \begin{align} & \text{On the one hand,} & \log(n!) =... Read More -
Sets and Functions TOP NEW
#Math213 Sets Basic Concept: A set is an unordered collection of objects. The objects are called elements or members.(强调无序性) Representation: Subset: Size-Carinality 集合的势 Power Set: 集合所有子集的集合 Tuple and Cartesian Product Tuple:Tuple 强调元素的有序性 Cartesian Product: 各集合元素的有序组合 Relation: **A subset of of the... Read More
-
Discrete-type Random Variables 1 TOP NEW
-
Vector Function TOP NEW
#Math241 Vector-valued function Basic Definition vector-valued function, or vector function, is simply a function whose domain is a set of real numbers and whose range is a set of vectors 即将
Parametric Curve & Non-Parametric Curve Parametric Cruve 参数化曲线:将曲线的每一维都表示为关于某个参数 的函数 将非参数的曲线转化为参数化的曲线 Examp... Read More -
Vector TOP NEW
-
Nested Quanrifier & Mathmatical Proofs TOP NEW
#Math213 Predicate Definition 核心即为包含变量的论断(注意只有当变量的取值都确定时才能算命题) Domain: 所有变量可能取值的集合 真值集合即为所有使 P 为真的变量取值组合 Basic components of predicate logic: term(逻辑表达式的基本单位,代表个体或者对象) functional symbol(基于一个或多个 term 作为输入,构造映射输出) predicate symbol(用于表达陈述) quantifier and logical connectives Quantified Statemen... Read More
-
Foundation in Algebra TOP NEW
-
Logic TOP NEW
#Math213 Terms Logic Logic is the basis of all mathematical reasoning: Syntax of statements The meaning of statements The rules of logical inference Proposition(命题) 注意: 命题不能是一个疑问句或者命令; 命题要么真要么假,不能涉及变量,命题一定能判断真假 Compound Propositions: Combinations of several propositions Logical Connectives 注意 p->q 的各种表述unless 与 onl... Read More
-
Foundation of Probability TOP NEW
-
257TA Recommendation TOP NEW
[MATH TA] How to achieve more in MATH257? Be confident about yourself! Math257 is about applied linear algebra, which will not be too abstract as pure math Prepare yourself with the recommended materials Contact the instructors or TAs if you have some problems or are puzzled about your own learning pace and schedule. Recommended Materi... Read More
-
Coordinate System TOP NEW
-
2024-06-25-Node Embeddings TOP NEW
ML for Graphs [!Important] Two different approaches for ML for Graph Feature Engineering 对于不同具体的下游任务,我们都需要重新设计提取特征的策略,层级可能包括 node-level, edge-level, graph-level 等 Graph Representation Learning 直接设计算法自动学习图数据的表征特性 Node Embedding Motivation 我们希望通过 node embedding 将抽象且结构化的图数据中的节点,以特征向量在高维向量空间中表征。为... Read More
-
Recurrent Neural Network TOP NEW
Motivation 在现实生活的许多场景中,我们都需要处理输入或输出为序列的数据,他们往往在时序关系上存在前后文之间的相互联系,输入与输出不一定相同所对相应的数据维数,如处理语言、音频文本、音乐生成等。 而对于传统的线性全连接层神经网络,由于输入数据时对于上下文的关系考虑较少,所以在处理序列问题上表现出的准确性较低,我们需要更多地考虑建立起能够充分考虑上下文文本关系的模型。 统计学工具 自回归模型 核心为基于给定时间段的输入情况有效估计将来参数
隐变量自回归模型 保留对过去观测的总结 h,并且同时更新下一步的观测值并总结 h Notation $$ \begin{align} ... Read More -
2024-06-19-Convolutional Neural Network TOP NEW
-
2024-06-19-Computations in DeepLearning TOP NEW
Layer and Block 定义 [!Important] Concept 块可以描述单个层、由多个层组成的组件或者模型本身。使用块进行抽象可以将块组合成更大的组件。本质上为对多层进行进一步封装与模块化设计。 自定义块 块的基本功能 将输入数据作为前向传播的参数 通过前向传播计算输出,同时关注输入到输出维度的变化 计算输出关于输入的梯度 (Automatic Differentiation) 存储和访问前向传播计算所需的参数 初始化模型参数 使用 Python 的类设计块 1 2 3 4 5 6 7 8 9 10 11 12 13 import torch import torch.nn as n... Read More
-
2024-06-16-Intro to Pytorch TOP NEW
利用 Pytorch 的基本框架 确定训练数据集 实现对训练数据集的遍历 搭建神经网络架构 定义损失函数 定义优化函数 更新参数 量化模型性能 确定训练数据集 Pytorch 为数据提供的相关包: import torch from torch import nn from torch.utils.data import DataLoader from torchvision import datasets from torchvision.transforms import ToTensor 从 Pytorch 自带的数据包导入数据 root is the path where the train/test data is st... Read More
-
2024-06-15-Structuring Machine Leanring Projects TOP NEW
综论 当我们尝试优化我们的深度学习模型时,我们常常有多种思路或想法可以选择,在众多选择的情况下,我们需要更为系统的策略来指导我们以尽可能快的速度优化我们的模型,这就需要系统化的优化策略。 正交化 (Orthogonalization) 核心思想 正交化的核心思想在于将模型优化的不同方向分开独立处理,避免在执行一次优化时各个优化指标相互耦合,彼此制约,导致优化难以推进或者需要频繁做出权衡。 单一数字评估指标 当我们优化我们的模型时,相比采用多个参数来量化我们模型的性能,更直接的解决策略是设法设立一个单一的量化指标,能够给我们直接的优化思路与比较策略。 例如利用
分数将 precision 与 recall 参数结合 $$ \begin{align} &am... Read More -
2024-06-15-Optimizing Algorithms TOP NEW
-
2024-06-15-Hiperparameter Tuning & Batch Norm TOP NEW
超参数调节 (Hyperparameter Tuning) 参数重要性 (直觉) Learning Rate:
exponential parameter: , number of hidden units, mini-batch size number of layers, learning rate decay 调试过程 常见的调试方式: Use grid to choose parameters: 将多参数以一定的范围轴划分,规则取点 Randomly choosing 在给定区域内随机去点 ->相比在网格范围内规则取点,随机化取样能够更好地探索模型对于不同的超参数的敏感程度,能够在节省训练时间的同时使... Read More -
2024-06-14-Practical Aspects of Deep Learning TOP NEW
数据集分类 为了不断优化我们所采用的深度学习框架,我们需要在实践过程中根据反馈结果不断迭代优化我们的算法或者超参数的选择,这就需要我们对所使用的数据有提前规划。 深度学习所采用的数据集在用途上可划分为三类,分别是:训练集 (train sets),验证集 (dev sets),测试集 (test sets) 开发集(Dev Set) 定义: 开发集,也称为验证集(Validation Set),是从训练数据中分离出来的一部分数据,用于在模型开发过程中进行模型选择和参数调优。 用途: 模型选择:在开发集上评估不同模型的性能,以选择最佳模型。 参数调优:在开发集上调整模型的超参数(如学习率、正则化参数等),以找到最佳超参数组合。 过拟合检测:通过监控开发集上的性... Read More
-
2024-06-14-Intro to Neural Networks TOP NEW
总体结构概览 Input layer -> Hidden Layer -> Output Layer Input layer: 输入的数据集,通常通过将原始数据表征为高维向量形式,再通过将不同的输入数据所对应的高位向量堆叠起来形成完整的矩阵。 Hidden Layer: 隐藏层的含义,隐藏层中的节点数据并不直接包含在输入数据集中,而是通过参数的初始化与训练的反复迭代而形成。 在无监督学习中目标结果也未在初始训练数据集中给出 Output Layer 输出层则负责训练的最终预测值,通常与目标结构相结合计算损失函数 计算框架 前向传播 前向传播的核心思路主要包括两层,先对前一层的激活值进行线性组合再加上偏移值,再通过对前一步所得到的结果施加激活函数... Read More
-
2024-06-12-Loss Function TOP NEW
-
2024-06-12-Logistic Regression TOP NEW
背景 Binary Classification Logistic regression(逻辑回归) 通常用于处理二分类问题 (binray classification), 在二分类问题中,模型的任务为根据训练数据集给输入的数据集以 0 或 1(或正或负) 等二元标签来分类。 数据处理 将原始的数据转化为可被当前模型容易处理的格式,同时包括向量化 (Vectorization) 与归一化 (Normalization),前者便于进行并行计算提高计算效率,后者则有利于平衡不同特征对最终权和的影响并通过控制特征值的范围保持数值的稳定性。 以图像处理为例 将一张由
个像素点的图片利用每个像素的 RGB 值输出一个特征向量 ,其中 $v \in \math... Read More -
2024-05-27-World Quant Brain TOP NEW
-
2024-05-27-Use of Pointers TOP NEW
Strings String Literals: data type: const char * declare a string: const char * str = "Hello World\n"; str is a pointer, pointing to an array of characters, so the elements in the string will be stored in consecutive memory locations. print a literal string:printf ("%s\n", str); ***Notice: 1 const: indicates that we can’t modify the char... Read More
-
2024-05-27-Testing and Debugging TOP NEW
Test Idea: Testing is to find bugs in the code -> The corner cases should be good testing examples Black Box Testing: The tester considers only the expected behavior of the function—not any implementation details—to devise test cases Advantages: One advantage is that if you have a comprehensive test-suite written before y... Read More
-
2024-05-27-Technical Analysis TOP NEW
General picture 技术分析: Based on the past market data including prices and volumes to analyze or predict the direction of prices. Technical indicators(技术指标) Trend indicator Simple Moving Average(SMA): principle: calculate the average history data and can adjust the duration of history to determine the trend duration tradi... Read More
-
2024-05-27-Recursion TOP NEW
An alternative to iteration Definition: Recursive functions are those functions that call themselves, which can be an alternative to iteration. Idea: Discover the similar structure to solve a problem, and find the correlation between current item with previous items Theory: The principles of recursion can be compared with mathematical ... Read More
-
2024-05-27-Portfolio Theory TOP NEW
Types of risks Specific risks: associated with a specific asset Systematic risks: common to all securities Diversification and Portofolio theory Argument: The theroy assumes that the risk-return profile of a portfoliocan be optimized, where an optimal portfolio displays the lowest possible level of risk for its level of return. ... Read More
-
2024-05-27-Portfolio Optimization TOP NEW
-
2024-05-27-Pointers TOP NEW
Pointers Basic Concepts: Concept: Pointers are way of referring to the memory location of a variable.(A variable type) Geometry understanding: Arrow ->(Points to somewhere) Hardware implementation: Pointer memory location stores the location of the variable it points Basic Operations: Declaring a Po... Read More
-
2024-05-27-Pairs trading TOP NEW
Basic ideas: Statistical strategy -> try to build correlations between different stocks Example When a well established price correlation between A and B broke down, i.e. stock A traded up while B traded down, they would sell A and buy B, betting that the spread would eventually converge. Advantages: Market Neutrality Mark... Read More
-
2024-05-27-Overloading and References TOP NEW
Dynamic Allocation in C++ Dynamic Allocation in C Use new to create new instances prototype of new new <classname> (args,...) new will return a pointer to a constructed class instance Use () to include arguments passed to constructors, omitted if there are no arguments On failure new throws an exception, which terminates the program... Read More
-
2024-05-27-More on C++ TOP NEW
The difference between C and C++ Compile in C but not in C++ References and Pointers [[ Overloading and References#Reference ]] Dynamic allocation [[ Overloading and References#Dynamic Allocation in C++ ]] Basic I/O in C++ Basic Library in C++ iostream: iostream stands for standard input-output stream. This header file con... Read More
-
2024-05-27-MIT missing semester TOP NEW
Lecture1 Shell 1.common command: date echo: 1.usage: prints out the argument you given and space can separate different arguments 2.echo $PATH:present all paths executable which echo: find out which file is executed path related cd: change to another path pwd: see the current path “..” refers to parent directory “.” refers to current di... Read More
-
2024-05-27-Interacting with user and systems TOP NEW
Introduction to operating systems Background Since many operations has to be accomplished with the assistance of hardware, but for most programs they can’t directly have access to hardware for safety. In this case, they will take operating system(a lower level software responsible for managing all of the resources on the system) as med... Read More
-
2024-05-27-Hierachies C to C++ TOP NEW
Hierarchies of structures Motivation Basic concept We want to organize and structure massive inter-relatd data -> Apply type hierarchy which is a way to organize and structure a hierarchical tree. [!Note] Type Hierarchy Each node in the tree represents a class and the edges represent the inheritance relationships between these classes... Read More
-
2024-05-27-Fundamental Analysis TOP NEW
-
Analysis of the sample TOP NEW
Analysis of the sample Judgement Deontic, Non-normative, Evaluative deontic obligatory 义务性的,强制的(常用 should, must, ought),做直接的判断(right, wrong),duty, unjust,祈使句 eg. People have the right to watch the movies they want evaluative(评价性) 做道德判断与评价(good, neutral, bad),better than, worse than, 通常判断的程度是可分级的 eg. Most people are honest and kind, life... Read More
-
伦理学 TOP NEW
-
2024-05-27-Dynamic Allocation in C TOP NEW
Motivation Since the stack frame will be tear down after a function call, we can apply dynamic allocation to allocate memory to store some data created during a function call. Or sometimes we need to dynamic reszing our data memory location to fit the need need. Storage location: heap The standard C library including dynamic allocation ... Read More
-
2024-05-27-Containers and Iterators TOP NEW
Containers Concept Container is a data structure containing other data structures with specific access capabilities. Example: linked lists, heaps, dynamically-sized array Optimization of a list structure Method 1: Create a list element structure with a data pointer(void*) Pros: Write the list code once Cons: Requires more memory ac... Read More
-
2024-05-27-Compile and Running TOP NEW
Compile Overview: Translate the programming language into a machine-executable format. The complier will take your source code as input and writes out the executable file. Compilation Process: Apply man for manual page to see the basic information, and you can apply man man to see the details of manual command Notice: man -k for keyword ... Read More
-
2024-05-27-Arrays and Struct TOP NEW
Array Motivation Deal with multiple variables with similar properties and structures, it can help us eliminate the tedious work Definition: An array is a sequence of items of the same type Array Declaration and Initialization int myArray[4] int myArray = {1,2,3,4} Declaration: The array declaration should include the data type of ... Read More
-
Access Control & Constructors,Destructors TOP NEW
Access Control Difference between access control and scope [!Important] Difference Scope: Scope means visibility, which considers the ability whether the complier can recognize a variable/structure/function. Access Control Access control is the ability that whether a code can access(modify) a variable/structure/… ... Read More