Main Content

이 페이지의 내용은 이전 릴리스에 관한 것입니다. 해당 영문 페이지는 최신 릴리스에서 제거되었습니다.

Deep Learning Toolbox 함수 - 사전순 정렬

AcceleratedFunctionAccelerated deep learning function (R2021a 이후)
accuracyMetricDeep learning accuracy metric (R2023b 이후)
activations딥러닝 신경망 계층 활성화 계산
adamupdateUpdate parameters using adaptive moment estimation (Adam) (R2019b 이후)
adapt신경망을 시뮬레이션하며 데이터에 맞게 조정
adaptwb가중치와 편향 학습 규칙을 사용하여 신경망 적응시키기
adddelayAdd delay to neural network response
addInputLayerAdd input layer to network (R2022b 이후)
additionLayer덧셈 계층
addLayers계층 그래프 또는 신경망에 계층 추가
addMetricsCompute additional classification performance metrics (R2022b 이후)
addParameterAdd parameter to ONNXParameters object (R2020b 이후)
alexnetAlexNet 컨벌루션 신경망
analyzeNetwork딥러닝 신경망 아키텍처 분석
assembleNetwork사전 훈련된 계층에서 딥러닝 신경망 조합
attentionDot-product attention (R2022b 이후)
aucMetricDeep learning area under ROC curve (AUC) metric (R2023b 이후)
audioDataAugmenterAugment audio data (R2019b 이후)
audioDatastoreDatastore for collection of audio files
audioFeatureExtractorStreamline audio feature extraction (R2019b 이후)
augmentApply identical random transformations to multiple images
augmentedImageDatastore배치를 변환하여 영상 데이터 증대
augmentedImageSource(제거 예정) 증대 영상 데이터로 구성된 배치 생성
AutoencoderAutoencoder 클래스
averageCompute performance metrics for average receiver operating characteristic (ROC) curve in multiclass problem (R2022b 이후)
averagePooling1dLayer1-D average pooling layer (R2021b 이후)
averagePooling2dLayer평균값 풀링 계층
averagePooling3dLayer3-D average pooling layer (R2019a 이후)
avgpoolPool data to average values over spatial dimensions (R2019b 이후)
BaselineDistributionDiscriminatorBaseline distribution discriminator (R2023a 이후)
batchnormNormalize data across all observations for each channel independently (R2019b 이후)
batchNormalizationLayer배치 정규화 계층
bilstmLayerRNN(순환 신경망)의 BiLSTM(양방향 장단기 기억) 계층
blockedImageDatastoreDatastore for use with blocks from blockedImage objects (R2021a 이후)
boxdist두 위치 벡터 사이의 거리
boxLabelDatastoreDatastore for bounding box label data (R2019b 이후)
bttderivBackpropagation through time derivative function
calibrateSimulate and collect ranges of a deep neural network (R2020a 이후)
cascadeforwardnet캐스케이드 포워드 신경망 생성
catelementsConcatenate neural network data elements
catsamplesConcatenate neural network data samples
catsignals신경망 데이터 신호 결합
cattimesteps신경망 데이터 시간 스텝 결합
cellmat행렬로 구성된 셀형 배열 생성
cellposeConfigure Cellpose model for cell segmentation (R2023b 이후)
checkLayerCheck validity of custom or function layer
classificationLayer분류 출력 계층
ClassificationOutputLayer분류 계층
classify훈련된 딥러닝 신경망을 사용하여 데이터 분류
classifyAndUpdateState훈련된 순환 신경망을 사용하여 데이터 분류 및 신경망 상태 업데이트
classifySoundClassify sounds in audio signal (R2020b 이후)
clearCacheClear accelerated deep learning function trace cache (R2021a 이후)
clippedReluLayerClipped ReLU(Rectified Linear Unit) 계층
closeClose training information plot (R2023b 이후)
closeloop신경망의 개루프 피드백을 폐루프로 변환
codegenGenerate C/C++ code from MATLAB code
coder.DeepLearningConfigCreate deep learning code generation configuration objects
coder.getDeepLearningLayersGet the list of layers supported for code generation for a specific deep learning library
coder.loadDeepLearningNetworkLoad deep learning network model
coder.loadNetworkDistributionDiscriminatorLoad network distribution discriminator for code generation (R2023a 이후)
combine여러 데이터저장소의 데이터 결합 (R2019a 이후)
CombinedDatastore여러 개의 기본 데이터저장소에서 읽은 데이터를 결합할 데이터저장소 (R2019a 이후)
combvec벡터의 모든 조합 생성
compet경쟁 전달 함수
competlayer경쟁 계층
compressNetworkUsingProjectionCompress neural network using projection (R2022b 이후)
con2seq동시 벡터를 순차 벡터로 변환
concatenationLayer결합 계층 (R2019a 이후)
concurCreate concurrent bias vectors
configure입력 및 목표 데이터에 가장 잘 맞도록 신경망의 입력값과 출력값 구성
confusion분류 혼동행렬
confusionchartCreate confusion matrix chart for classification problem
confusionmat분류 문제에 대한 혼동행렬 계산
connectLayers계층 그래프 또는 신경망에서 계층 연결
convolution1dLayer1차원 컨벌루션 계층 (R2021b 이후)
convolution2dLayer2차원 컨벌루션 계층
convolution3dLayer3-D convolutional layer (R2019a 이후)
convwf컨벌루션 가중치 함수
countlabelsCount number of unique labels (R2021a 이후)
crepeCREPE neural network (R2021a 이후)
crop2dLayer2-D crop layer
crop3dLayer3-D crop layer (R2019b 이후)
crosschannelnormCross channel square-normalize using local responses (R2020a 이후)
crossChannelNormalizationLayer 채널별 국소 응답 정규화 계층
crossentropyCross-entropy loss for classification tasks (R2019b 이후)
crossentropy신경망 성능
ctcConnectionist temporal classification (CTC) loss for unaligned sequence classification (R2021a 이후)
cwtfilterbankContinuous wavelet transform filter bank
cwtLayerContinuous wavelet transform (CWT) layer (R2022b 이후)
cwtmag2sigSignal reconstruction from CWT magnitude (R2023b 이후)
DAGNetwork딥러닝을 위한 DAG(유방향 비순환 그래프) 신경망
darknet19DarkNet-19 컨벌루션 신경망 (R2020a 이후)
darknet53DarkNet-53 컨벌루션 신경망 (R2020a 이후)
decode인코딩된 데이터 디코딩
deepDreamImage딥 드림(Deep Dream)을 사용하여 신경망 특징 시각화
deeplabv3plusLayersCreate DeepLab v3+ convolutional neural network for semantic image segmentation (R2019b 이후)
deepSignalAnomalyDetectorCreate signal anomaly detector (R2023a 이후)
defaultderivDefault derivative function
densenet201DenseNet-201 컨벌루션 신경망
depthConcatenationLayer심도 결합 계층
detectDetect objects using PointPillars object detector (R2021b 이후)
detectspeechnnDetect boundaries of speech in audio signal using AI (R2023a 이후)
detectTextCRAFTDetect texts in images by using CRAFT deep learning model (R2022a 이후)
dimsdlarray의 차원 레이블 (R2019b 이후)
disconnectLayers계층 그래프 또는 신경망에서 계층 연결 끊기
dist유클리드 거리 가중치 함수
distdelaynet분산 지연 신경망
distributionScoresDistribution confidence scores (R2023a 이후)
divideblock인덱스 블록을 사용하여 목표값을 3개의 세트로 나누기
divideind지정된 인덱스를 사용하여 목표값을 3개의 세트로 나누기
divideint인터리빙된 인덱스를 사용하여 목표값을 3개의 세트로 나누기
dividerand임의의 인덱스를 사용하여 목표값을 3개의 세트로 나누기
dividetrain훈련 세트에 목표값 모두 할당
dlaccelerateAccelerate deep learning function for custom training loops (R2021a 이후)
dlarray사용자 지정을 위한 딥러닝 배열 (R2019b 이후)
dlconvDeep learning convolution (R2019b 이후)
dlcwtDeep learning continuous wavelet transform (R2022b 이후)
dlfevalEvaluate deep learning model for custom training loops (R2019b 이후)
dlgradientCompute gradients for custom training loops using automatic differentiation (R2019b 이후)
dlhdl.TargetConfigure interface to target board for workflow deployment (R2020b 이후)
dlhdl.WorkflowConfigure deployment workflow for deep learning neural network (R2020b 이후)
dlmodwtDeep learning maximal overlap discrete wavelet transform and multiresolution analysis (R2022a 이후)
dlmtimes(Not recommended) Batch matrix multiplication for deep learning (R2020a 이후)
dlnetworkDeep learning network for custom training loops (R2019b 이후)
dlode45Deep learning solution of nonstiff ordinary differential equation (ODE) (R2021b 이후)
dlquantizationOptionsOptions for quantizing a trained deep neural network (R2020a 이후)
dlquantizerQuantize a deep neural network to 8-bit scaled integer data types (R2020a 이후)
dlstftDeep learning short-time Fourier transform (R2021a 이후)
dltranspconvDeep learning transposed convolution (R2019b 이후)
dlupdate Update parameters using custom function (R2019b 이후)
doc2sequence딥러닝을 위해 문서를 시퀀스로 변환
dotprod내적 가중치 함수
dropoutLayer드롭아웃 계층
edfheaderCreate header structure for EDF or EDF+ file (R2021a 이후)
edfinfoGet information about EDF/EDF+ file (R2020b 이후)
edfreadRead data from EDF/EDF+ file (R2020b 이후)
edfwriteCreate or modify EDF or EDF+ file (R2021a 이후)
efficientnetb0EfficientNet-b0 컨벌루션 신경망 (R2020b 이후)
elliot2sigElliot 2 symmetric sigmoid transfer function
elliotsigElliot symmetric sigmoid transfer function
elmannet엘만 신경망
eluLayerExponential linear unit (ELU) layer (R2019a 이후)
embedEmbed discrete data (R2020b 이후)
embeddingConcatenationLayerEmbedding concatenation layer (R2023b 이후)
encode입력 데이터 인코딩
EnergyDistributionDiscriminatorEnergy distribution discriminator (R2023a 이후)
equalizeLayersEqualize layer parameters of deep neural network (R2022b 이후)
errsurfError surface of single-input neuron
estimateNetworkMetricsEstimate network metrics for specific layers of a neural network (R2022a 이후)
estimateNetworkOutputBounds Estimate output bounds of deep learning network (R2022b 이후)
experiments.MonitorUpdate results table and training plots for custom training experiments (R2021a 이후)
exportNetworkToTensorFlowExport Deep Learning Toolbox network or layer graph to TensorFlow (R2022b 이후)
exportONNXNetwork신경망을 ONNX 모델 형식으로 내보내기
extendtsExtend time series data to given number of timesteps
extractdatadlarray에서 데이터 추출 (R2019b 이후)
fasterRCNNObjectDetectorDetect objects using Faster R-CNN deep learning detector
fastFlowAnomalyDetectorDetect anomalies using FastFlow network (R2023a 이후)
fastRCNNObjectDetectorDetect objects using Fast R-CNN deep learning detector
fastTextWordEmbedding사전 훈련된 fastText 단어 임베딩
fcddAnomalyDetectorDetect anomalies using fully convolutional data description (FCDD) network for anomaly detection (R2022b 이후)
featureInputLayer특징 입력 계층 (R2020b 이후)
feedforwardnet피드포워드 신경망 생성
filenames2labelsGet list of labels from filenames (R2022b 이후)
findchangepts신호 내 급격한 변화 찾기
finddimFind dimensions with specified label (R2019b 이후)
findpeaks국소 최댓값 구하기
findPlaceholderLayersFind placeholder layers in network architecture imported from Keras or ONNX
fitnet함수 피팅 신경망
fixunknownsProcess data by marking rows with unknown values
flattenLayer평탄화 계층 (R2019a 이후)
folders2labelsGet list of labels from folder names (R2021a 이후)
formwb편향과 가중치를 단일 벡터로 편성
forwardCompute deep learning network output for training (R2019b 이후)
fpderivForward propagation derivative function
freezeParametersConvert learnable network parameters in ONNXParameters to nonlearnable (R2020b 이후)
fromnndataConvert data from standard neural network cell array form
fScoreMetricDeep learning F-score metric (R2023b 이후)
fullyconnectSum all weighted input data and apply a bias (R2019b 이후)
fullyConnectedLayer완전 연결 계층
functionLayerFunction layer (R2021b 이후)
functionToLayerGraph(To be removed) Convert deep learning model function to a layer graph (R2019b 이후)
gadd일반화된 덧셈
gdivide일반화된 나눗셈
geluApply Gaussian error linear unit (GELU) activation (R2022b 이후)
geluLayerGaussian error linear unit (GELU) layer (R2022b 이후)
generateFunction오토인코더를 실행하는 MATLAB 함수 생성
generateSimulink오토인코더의 Simulink 모델 생성
genFunction얕은 신경망 시뮬레이션에 사용할 MATLAB 함수 생성
gensim얕은 신경망 시뮬레이션에 사용할 Simulink 블록 생성
getelementsGet neural network data elements
getL2Factor계층의 학습 가능한 파라미터에 대한 L2 정규화 인자 가져오기
getLearnRateFactor계층의 학습 가능한 파라미터에 대한 학습률 인자 가져오기
getsamplesGet neural network data samples
getsignalsGet neural network data signals
getsiminitGet Simulink neural network block initial input and layer delays states
gettimestepsGet neural network data timesteps
getwb신경망 가중치와 편향 값을 하나의 벡터로 가져오기
globalAveragePooling1dLayer1-D global average pooling layer (R2021b 이후)
globalAveragePooling2dLayer2-D global average pooling layer (R2019b 이후)
globalAveragePooling3dLayer3-D global average pooling layer (R2019b 이후)
globalMaxPooling1dLayer1-D global max pooling layer (R2021b 이후)
globalMaxPooling2dLayerGlobal max pooling layer (R2020a 이후)
globalMaxPooling3dLayer3-D global max pooling layer (R2020a 이후)
gmultiply일반화된 곱셈
gnegate일반화된 부정
googlenetGoogLeNet 컨벌루션 신경망
gpu2nndataReformat neural data back from GPU
gradCAMExplain network predictions using Grad-CAM (R2021a 이후)
gridtopGrid layer topology function
groupedConvolution2dLayer2-D grouped convolutional layer (R2019a 이후)
groupnormNormalize data across grouped subsets of channels for each observation independently (R2020b 이후)
groupNormalizationLayerGroup normalization layer (R2020b 이후)
groupSubPlotGroup metrics in experiment training plot (R2021a 이후)
groupSubPlotGroup metrics in training plot (R2022b 이후)
gruGated recurrent unit (R2020a 이후)
gruLayerGated recurrent unit (GRU) layer for recurrent neural network (RNN) (R2020a 이후)
gruProjectedLayerGated recurrent unit (GRU) projected layer for recurrent neural network (RNN) (R2023b 이후)
gsqrt일반화된 제곱근
gsubtract일반화된 뺄셈
hardlim하드 리밋 전달 함수
hardlims대칭 하드 리밋 전달 함수
hasdataDetermine if minibatchqueue can return mini-batch (R2020b 이후)
HBOSDistributionDiscriminatorHBOS distribution discriminator (R2023a 이후)
hextopHexagonal layer topology function
huberHuber loss for regression tasks (R2021a 이후)
image3dInputLayer3차원 영상 입력 계층 (R2019a 이후)
imageDataAugmenter영상 데이터 증대 구성
imageDatastore이미지 데이터의 데이터저장소
imageInputLayer영상 입력 계층
imageLIMEExplain network predictions using LIME (R2020b 이후)
importCaffeLayersCaffe에서 컨벌루션 신경망 계층 가져오기
importCaffeNetworkCaffe에서 사전 훈련된 컨벌루션 신경망 모델 가져오기
importKerasLayers(To be removed) Import layers from Keras network
importKerasNetwork(제거될 예정임) 사전 훈련된 Keras 신경망과 가중치 가져오기
importNetworkFromONNXImport ONNX network as MATLAB network (R2023b 이후)
importNetworkFromPyTorchImport PyTorch network as MATLAB network (R2022b 이후)
importNetworkFromTensorFlowImport TensorFlow network as MATLAB network (R2023b 이후)
importONNXFunctionImport pretrained ONNX network as a function (R2020b 이후)
importONNXLayers(To be removed) Import layers from ONNX network
importONNXNetwork(To be removed) Import pretrained ONNX network
importTensorFlowLayers(To be removed) Import layers from TensorFlow network (R2021a 이후)
importTensorFlowNetwork(To be removed) Import pretrained TensorFlow network (R2021a 이후)
inceptionresnetv2사전 훈련된 Inception-ResNet-v2 컨벌루션 신경망
inceptionv3Inception-v3 컨벌루션 신경망
ind2vec인덱스를 벡터로 변환
ind2word인코딩 인덱스를 단어에 매핑하기
indexing1dLayer1-D indexing layer (R2023b 이후)
init신경망 초기화
initconConscience bias initialization function
initializeInitialize learnable and state parameters of a dlnetwork (R2021a 이후)
initlay계층별 신경망 초기화 함수
initlvqLVQ weight initialization function
initnwNguyen-Widrow layer initialization function
initwbBy weight and bias layer initialization function
initzeroZero weight and bias initialization function
instancenormNormalize across each channel for each observation independently (R2021a 이후)
instanceNormalizationLayerInstance normalization layer (R2021a 이후)
isconfiguredIndicate if network inputs and outputs are configured
isdlarrayCheck if object is dlarray (R2020b 이후)
isequalCheck equality of deep learning layer graphs or networks (R2021a 이후)
isequalnCheck equality of deep learning layer graphs or networks ignoring NaN values (R2021a 이후)
isInNetworkDistributionDetermine whether data is within the distribution of the network (R2023a 이후)
isVocabularyWord단어가 단어 임베딩 또는 인코딩에 포함되었는지 테스트
l1lossL1 loss for regression tasks (R2021b 이후)
l2lossL2 loss for regression tasks (R2021b 이후)
labeledSignalSetCreate labeled signal set
Layer딥러닝을 위한 신경망 계층
layerGraph딥러닝을 위한 신경망 계층의 그래프
layernormNormalize data across all channels for each observation independently (R2021a 이후)
layerNormalizationLayer계층 정규화 계층 (R2021a 이후)
layrecnet계층 순환 신경망
lbfgsStateState of limited-memory BFGS (L-BFGS) solver (R2023a 이후)
lbfgsupdateUpdate parameters using limited-memory BFGS (L-BFGS) (R2023a 이후)
leakyreluApply leaky rectified linear unit activation (R2019b 이후)
leakyReluLayerLeaky ReLU(Rectified Linear Unit) 계층
learnconConscience bias learning function
learngdGradient descent weight and bias learning function
learngdmGradient descent with momentum weight and bias learning function
learnhHebb weight learning rule
learnhdHebb with decay weight learning rule
learnisInstar weight learning function
learnkKohonen weight learning function
learnlv1LVQ1 weight learning function
learnlv2LVQ2.1 weight learning function
learnosOutstar weight learning function
learnpPerceptron weight and bias learning function
learnpnNormalized perceptron weight and bias learning function
learnsomSelf-organizing map weight learning function
learnsombBatch self-organizing map weight learning function
learnwhWidrow-Hoff weight/bias learning function
linearlayer선형 계층 만들기
linkdist링크 거리 함수
loadTFLiteModelLoad TensorFlow Lite model (R2022a 이후)
logsig로그-시그모이드 전달 함수
lstm장단기 기억 (R2019b 이후)
lstmLayerRNN(순환 신경망)의 LSTM(장단기 기억) 계층
lstmProjectedLayerLong short-term memory (LSTM) projected layer for recurrent neural network (RNN) (R2022b 이후)
lvqnet학습 벡터 양자화 신경망
lvqoutputsLVQ outputs processing function
mae평균 절대 오차 성능 함수
mandist맨해튼 거리 가중치 함수
mapminmax행렬의 행 최솟값과 최댓값을 [-1 1]로 매핑하여 행렬 처리
mapstd각 행의 평균은 0에, 편차는 1에 매핑하여 행렬 처리
maskrcnnDetect objects using Mask R-CNN instance segmentation (R2021b 이후)
matlab.io.datastore.BackgroundDispatchable(Not recommended) Add prefetch reading support to datastore
matlab.io.datastore.BackgroundDispatchable.readByIndex(Not recommended) Return observations specified by index from datastore
matlab.io.datastore.MiniBatchableAdd mini-batch support to datastore
matlab.io.datastore.MiniBatchable.read(Not recommended) Read data from custom mini-batch datastore
matlab.io.datastore.PartitionableByIndex(Not recommended) Add parallelization support to datastore
matlab.io.datastore.PartitionableByIndex.partitionByIndex(Not recommended) Partition datastore according to indices
maxlinlrMaximum learning rate for linear layer
maxpoolPool data to maximum value (R2019b 이후)
maxPooling1dLayer1-D max pooling layer (R2021b 이후)
maxPooling2dLayer최댓값 풀링 계층
maxPooling3dLayer3-D max pooling layer (R2019a 이후)
maxunpoolUnpool the output of a maximum pooling operation (R2019b 이후)
maxUnpooling2dLayer최댓값 언풀링 계층
meanabs행렬 요소의 절댓값 평균
meansqr행렬 요소의 제곱 평균
midpoint중간점 가중치 초기화 함수
minibatchqueueCreate mini-batches for deep learning (R2020b 이후)
minmax행렬 행의 범위
mobilenetv2MobileNet-v2 컨벌루션 신경망 (R2019a 이후)
modwtMaximal overlap discrete wavelet transform
modwtLayerMaximal overlap discrete wavelet transform (MODWT) layer (R2022b 이후)
mse평균 제곱 오차의 절반 (R2019b 이후)
mse정규화된 평균 제곱 오차 성능 함수
multiplicationLayer곱셈 계층 (R2020b 이후)
narnet비선형 자기회귀 신경망
narxnet외부 입력값이 있는 비선형 자기회귀 신경망
nasnetlarge사전 훈련된 NasNet-Large 컨벌루션 신경망 (R2019a 이후)
nasnetmobile사전 훈련된 NasNet-Mobile 컨벌루션 신경망 (R2019a 이후)
nctool신경망 군집화 앱 열기
negdist음의 거리 가중치 함수
netinv역 전달 함수
netprodProduct net input function
netsumSum net input function
networkAutoencoder 객체를 network 객체로 변환
network사용자 지정 얕은 신경망 만들기
networkDataLayoutDeep learning network data layout for learnable parameter initialization (R2022b 이후)
networkDistributionDiscriminator Deep learning distribution discriminator (R2023a 이후)
neuralODELayerNeural ODE layer (R2023b 이후)
neuronPCAPrincipal component analysis of neuron activations (R2022b 이후)
newgrnn일반화 회귀 신경망 설계
newlindDesign linear layer
newpnn확률 신경망 설계
newrb방사형 기저 신경망 설계
newrbe정확한 방사형 기저 신경망 설계
nextminibatchqueue에서 데이터의 다음 미니 배치 가져오기 (R2020b 이후)
nftool신경망 피팅 앱 열기
nncell2matCombine neural network cell data into matrix
nncorrCross correlation between neural network time series
nndataCreate neural network data
nndata2gpuFormat neural data for efficient GPU training or simulation
nndata2simConvert neural network data to Simulink time series
nnsizeNumber of neural data elements, samples, timesteps, and signals
nntool(제거됨) 신경망/데이터 관리자 열기
nntraintool(제거됨) 신경망 훈련 툴
noloopRemove neural network open- and closed-loop feedback
normc행렬의 열 정규화
normprod정규화된 내적 가중치 함수
normr행렬의 행 정규화
nprtool신경망 패턴 인식 앱 열기
ntstool신경망 시계열 앱 열기
num2derivNumeric two-point network derivative function
num5derivNumeric five-point stencil neural network derivative function
numelementsNumber of elements in neural network data
numfinite신경망 데이터에 있는 유한 값의 개수
numnan신경망 데이터에 있는 NaN 값의 개수
numsamples신경망 데이터에 있는 샘플의 개수
numsignals신경망 데이터에 있는 신호의 개수
numtimestepsNumber of time steps in neural network data
occlusionSensitivityExplain network predictions by occluding the inputs (R2019b 이후)
ODINDistributionDiscriminatorODIN distribution discriminator (R2023a 이후)
onehotdecodeDecode probability vectors into class labels (R2020b 이후)
onehotencodeEncode data labels into one-hot vectors (R2020b 이후)
ONNXParametersParameters of imported ONNX network for deep learning (R2020b 이후)
openl3OpenL3 neural network (R2021a 이후)
openl3EmbeddingsExtract OpenL3 feature embeddings (R2022a 이후)
openloopConvert neural network closed-loop feedback to open loop
paddataPad data by adding elements (R2023b 이후)
padsequencesPad or truncate sequence data to same length (R2021a 이후)
partitionPartition minibatchqueue (R2020b 이후)
partitionByIndexPartition augmentedImageDatastore according to indices
patchCoreAnomalyDetectorDetect anomalies using PatchCore network (R2023a 이후)
patchEmbeddingLayerPatch embedding layer (R2023b 이후)
patternnet패턴 인식 신경망 생성
perceptron간단한 단층 이진 분류기
perform신경망 성능 계산
pitchnnEstimate pitch with deep learning neural network (R2021a 이후)
pixelLabelDatastoreDatastore for pixel label data
PlaceholderLayerLayer replacing an unsupported Keras or ONNX layer
plot신경망 아키텍처 플로팅
plotPlot receiver operating characteristic (ROC) curves and other performance curves (R2022b 이후)
plotconfusion분류 혼동행렬 플로팅
plotepPlot weight-bias position on error surface
ploterrcorr오차 시계열의 자기상관 플로팅
ploterrhist오차 히스토그램 플로팅
plotesPlot error surface of single-input neuron
plotfit함수 피팅 플로팅
plotinerrcorrPlot input to error time-series cross-correlation
plotpc퍼셉트론 벡터 플롯 위에 분류 선 플로팅
plotperform신경망 성능 플로팅
plotpv퍼셉트론 입력/목표 벡터 플로팅
plotregression선형 회귀 플로팅
plotresponse동적 신경망 시계열 응답 플로팅
plotroc수신자 조작 특성 플로팅
plotsom자기 조직화 맵 플로팅
plotsomhits자기 조직화 맵 샘플 적중 플로팅
plotsomnc자기 조직화 맵 이웃 연결 플로팅
plotsomnd자기 조직화 맵 이웃 거리 플로팅
plotsomplanesPlot self-organizing map weight planes
plotsompos자기 조직화 맵 가중치 위치 플로팅
plotsomtop자기 조직화 맵 위상 플로팅
plottrainstate훈련 상태 값 플로팅
plotv(제거될 예정임) 벡터를 원점에서 시작하는 선으로 플로팅
plotvec서로 다른 색으로 벡터 플로팅
plotwbPlot Hinton diagram of weight and bias values
plotWeights오토인코더의 인코더에 대한 가중치 시각화 결과 플로팅
pnormc행렬의 열 의사정규화
pointnetplusLayersCreate PointNet++ segmentation network (R2021b 이후)
pointPillarsObjectDetectorPointPillars object detector (R2021b 이후)
positionEmbeddingLayerPosition embedding layer (R2023b 이후)
poslin양의 선형 전달 함수
precisionMetricDeep learning precision metric (R2023b 이후)
predict훈련된 딥러닝 신경망을 사용하여 응답 변수 예측
predictCompute deep learning network output for inference (R2019b 이후)
predictCompute deep learning network output for inference by using a TensorFlow Lite model (R2022a 이후)
predict훈련된 오토인코더를 사용하여 입력값 재생성
predictAndUpdateState훈련된 순환 신경망을 사용하여 응답 변수 예측 및 신경망 상태 업데이트
preparets신경망 시뮬레이션 또는 훈련을 위해 입력 시계열 및 목표 시계열 데이터 준비
processpcaProcess columns of matrix with principal component analysis
ProjectedLayerCompressed neural network layer via projection (R2023b 이후)
pruneDelete neural inputs, layers, and outputs with sizes of zero
prunedataPrune data for consistency with pruned network
purelin선형 전달 함수
quant수량의 배수로 값 이산화
quantizationDetailsDisplay quantization details for a neural network (R2022a 이후)
quantizeQuantize deep neural network (R2022a 이후)
radbas방사형 기저 전달 함수
radbasnNormalized radial basis transfer function
randncNormalized column weight initialization function
randnrNormalized row weight initialization function
randomPatchExtractionDatastoreDatastore for extracting random 2-D or 3-D random patches from images or pixel label images
rands대칭 확률 가중치/편향 초기화 함수
randsmallSmall random weight/bias initialization function
randtopRandom layer topology function
rcnnObjectDetectorDetect objects using R-CNN deep learning detector
readRead data from augmentedImageDatastore
readByIndexRead data specified by index from augmentedImageDatastore
readWordEmbedding파일에서 단어 임베딩 읽어오기
recallMetricDeep learning recall metric (R2023b 이후)
recordMetricsRecord metric values in experiment results table and training plot (R2021a 이후)
recordMetricsRecord metric values for custom training loops (R2022b 이후)
regression(권장되지 않음) 목표값에 대해 얕은 신경망 출력값의 선형 회귀 수행
regressionLayer회귀 출력 계층
RegressionOutputLayer회귀 출력 계층
reluReLU(Rectified Linear Unit) 활성화 적용 (R2019b 이후)
reluLayerReLU(Rectified Linear Unit) 계층
removeconstantrowsProcess matrices by removing rows with constant values
removedelayRemove delay to neural network’s response
removeLayers계층 그래프 또는 신경망에서 계층 제거
removeParameterRemove parameter from ONNXParameters object (R2020b 이후)
removerows지정된 인덱스로 행을 제거하여 행렬 처리
replaceLayerReplace layer in layer graph or network
resetReset minibatchqueue to start of data (R2020b 이후)
resetState신경망의 상태 파라미터 재설정
resizeResize data by adding or removing elements (R2023b 이후)
resnet101ResNet-101 컨벌루션 신경망
resnet18ResNet-18 컨벌루션 신경망
resnet3dLayersCreate 3-D residual network (R2021b 이후)
resnet50ResNet-50 컨벌루션 신경망
resnetLayersCreate 2-D residual network (R2021b 이후)
revertChange network weights and biases to previous initialization values
risetime Rise time of positive-going bilevel waveform transitions
rmseMetricDeep learning root mean squared error metric (R2023b 이후)
rmspropupdate Update parameters using root mean squared propagation (RMSProp) (R2019b 이후)
roc수신자 조작 특성
rocmetricsReceiver operating characteristic (ROC) curve and performance metrics for binary and multiclass classifiers (R2022b 이후)
sae절대 오차 성능 함수 합계
satlin포화 선형 전달 함수
satlins대칭 포화 선형 전달 함수
scalprod스칼라 곱 가중치 함수
segmentCells2DSegment 2-D image using Cellpose (R2023b 이후)
segmentCells3DSegment 3-D image volume using Cellpose (R2023b 이후)
segnetLayersCreate SegNet layers for semantic segmentation
selfAttentionLayerSelf-attention layer (R2023a 이후)
selforgmap자기 조직화 맵
separateSpeakersSeparate signal by speakers (R2023b 이후)
separatewb가중/편향 벡터에서 편향 및 가중치 값 분리
seq2conConvert sequential vectors to concurrent vectors
sequenceFoldingLayer시퀀스 접기 계층 (R2019a 이후)
sequenceInputLayer시퀀스 입력 계층
sequenceUnfoldingLayerSequence unfolding layer (R2019a 이후)
SeriesNetwork딥러닝을 위한 시리즈 신경망
setelements신경망 데이터 요소 설정
setL2Factor계층의 학습 가능한 파라미터에 대한 L2 정규화 인자 설정
setLearnRateFactor계층의 학습 가능한 파라미터에 대한 학습률 인자 설정
setsamples신경망 데이터 샘플 설정
setsignals신경망 데이터 신호 설정
setsiminitSet neural network Simulink block initial conditions
settimesteps신경망 데이터 시간 스텝 설정
setwb모든 신경망 가중치와 편향 값을 단일 벡터로 설정
sgdmupdate Update parameters using stochastic gradient descent with momentum (SGDM) (R2019b 이후)
showShow training information plot (R2023b 이후)
shuffleShuffle data in augmentedImageDatastore
shuffleShuffle data in minibatchqueue (R2020b 이후)
shufflenet사전 훈련된 ShuffleNet 컨벌루션 신경망 (R2019a 이후)
sigmoid시그모이드 활성화 적용 (R2019b 이후)
sigmoidLayer시그모이드 계층 (R2020b 이후)
signalDatastoreDatastore for collection of signals (R2020a 이후)
signalFrequencyFeatureExtractorStreamline signal frequency feature extraction (R2021b 이후)
signalLabelDefinitionCreate signal label definition
signalMaskModify and convert signal masks and extract signal regions of interest (R2020b 이후)
signalTimeFeatureExtractorStreamline signal time feature extraction (R2021a 이후)
sigrangebinmaskLabel signal samples with values within a specified range (R2023a 이후)
sim신경망 시뮬레이션
sim2nndataConvert Simulink time series to neural network data
sinusoidalPositionEncodingLayerSinusoidal position encoding layer (R2023b 이후)
softmax채널 차원에 소프트맥스 활성화 적용 (R2019b 이후)
softmax소프트맥스 전달 함수
softmaxLayer소프트맥스 계층
solov2Segment objects using SOLOv2 instance segmentation network (R2023b 이후)
sortClassesSort classes of confusion matrix chart
splitlabelsFind indices to split labels according to specified proportions (R2021a 이후)
squeezenetSqueezeNet 컨벌루션 신경망
squeezesegv2LayersCreate SqueezeSegV2 segmentation network for organized lidar point cloud (R2020b 이후)
srchbac1-D minimization using backtracking
srchbre1-D interval location using Brent’s method
srchcha1-D minimization using Charalambous' method
srchgol1-D minimization using golden section search
srchhyb1-D minimization using a hybrid bisection-cubic search
ssdObjectDetectorDetect objects using SSD deep learning detector (R2020a 이후)
sse오차 제곱합 성능 함수
stack여러 오토인코더의 인코더들을 한꺼번에 누적
staticderivStatic derivative function
stft단시간 푸리에 변환 (R2019a 이후)
stftLayerShort-time Fourier transform layer (R2021b 이후)
stftmag2sigSignal reconstruction from STFT magnitude (R2020b 이후)
stripdimsRemove dlarray data format (R2019b 이후)
sumabs행렬 요소의 절댓값 합
summary신경망 요약 출력 (R2022b 이후)
sumsqr행렬 요소의 제곱합
swishLayerSwish layer (R2021a 이후)
tanhLayer쌍곡탄젠트(tanh) 계층 (R2019a 이후)
tansig쌍곡탄젠트 시그모이드 전달 함수
tapdelayShift neural network time series data for tap delay
taylorPrunableNetworkNetwork that can be pruned by using first-order Taylor approximation (R2022a 이후)
TFLiteModelTensorFlow Lite model (R2022a 이후)
timedelaynet시간 지연 신경망
tonndata데이터를 표준 신경망 셀형 배열 형식으로 변환
train얕은 신경망 훈련
trainAutoencoder오토인코더 훈련
trainbBatch training with weight and bias learning rules
trainbfgBFGS 준뉴턴 역전파
trainbr베이즈 정규화 역전파
trainbuBatch unsupervised weight/bias training
traincCyclical order weight/bias training
traincgbConjugate gradient backpropagation with Powell-Beale restarts
traincgfConjugate gradient backpropagation with Fletcher-Reeves updates
traincgpConjugate gradient backpropagation with Polak-Ribiére updates
traingd경사하강법 역전파
traingda적응적 학습률 역전파를 사용한 경사하강법
traingdm모멘텀 역전파를 사용한 경사하강법
traingdx모멘텀을 사용한 경사하강법과 적응적 학습률 역전파
TrainingInfoNeural network training information (R2023b 이후)
trainingOptions딥러닝 신경망 훈련 옵션
TrainingOptionsADAMAdam 최적화 함수의 훈련 옵션
TrainingOptionsLBFGSTraining options for limited-memory BFGS (L-BFGS) optimizer (R2023b 이후)
TrainingOptionsRMSPropRMSProp 최적화 함수의 훈련 옵션
TrainingOptionsSGDM모멘텀을 사용한 확률적 경사하강법의 훈련 옵션
trainingProgressMonitorMonitor and plot training progress for deep learning custom training loops (R2022b 이후)
trainlmLevenberg-Marquardt 역전파
trainnetTrain deep learning neural network (R2023b 이후)
trainNetwork신경망 훈련
trainossOne-step secant backpropagation
trainPointPillarsObjectDetectorTrain PointPillars object detector (R2021b 이후)
trainrRandom order incremental training with learning functions
trainrp탄력적 역전파
trainruUnsupervised random order weight/bias training
trainsSequential order incremental training with learning functions
trainscg스케일링된 켤레 기울기 역전파
trainSoftmaxLayer분류를 위해 소프트맥스 계층 훈련
trainWordEmbeddingTrain word embedding
transform데이터저장소 변환 (R2019a 이후)
TransformedDatastore기본 데이터저장소를 변환하는 데이터저장소 (R2019a 이후)
transposedConv1dLayerTransposed 1-D convolution layer (R2022a 이후)
transposedConv2dLayerTransposed 2-D convolution layer
transposedConv3dLayerTransposed 3-D convolution layer (R2019a 이후)
TransposedConvolution1DLayerTransposed 1-D convolution layer (R2022a 이후)
TransposedConvolution2DLayerTransposed 2-D convolution layer
TransposedConvolution3dLayerTransposed 3-D convolution layer (R2019a 이후)
tribas삼각 기저 전달 함수
trimdataTrim data by removing elements (R2023b 이후)
tritopTriangle layer topology function
unconfigureUnconfigure network inputs and outputs
unet3dLayersCreate 3-D U-Net layers for semantic segmentation of volumetric images (R2019b 이후)
unetLayersCreate U-Net layers for semantic segmentation
unfreezeParametersConvert nonlearnable network parameters in ONNXParameters to learnable (R2020b 이후)
unpackProjectedLayersUnpack projected layers of neural network (R2023b 이후)
updateInfoUpdate information columns in experiment results table (R2021a 이후)
updateInfoUpdate information values for custom training loops (R2022b 이후)
updatePrunablesRemove filters from prunable layers based on importance scores (R2022a 이후)
updateScoreCompute and accumulate Taylor-based importance scores for pruning (R2022a 이후)
vadnetVoice activity detection (VAD) neural network (R2023a 이후)
validateQuantize and validate a deep neural network (R2020a 이후)
vec2ind벡터를 인덱스로 변환
vec2word임베딩 벡터를 단어에 매핑
verifyNetworkRobustnessVerify adversarial robustness of deep learning network (R2022b 이후)
vgg16VGG-16 컨벌루션 신경망
vgg19VGG-19 컨벌루션 신경망
vggishVGGish neural network (R2020b 이후)
vggishEmbeddingsExtract VGGish feature embeddings (R2022a 이후)
view얕은 신경망 보기
view오토인코더 보기
visionTransformerPretrained vision transformer (ViT) neural network (R2023b 이후)
waveletScatteringWavelet time scattering
word2ind단어를 인코딩 인덱스에 매핑하기
word2vec단어를 임베딩 벡터에 매핑하기
wordEmbedding단어를 벡터로 매핑하는 단어 임베딩 모델
wordEmbeddingLayer딥러닝 신경망을 위한 단어 임베딩 계층
wordEncoding단어를 인덱스로 매핑하는 단어 인코딩 모델
writeWordEmbedding단어 임베딩 파일 쓰기
xceptionXception 컨벌루션 신경망 (R2019a 이후)
yamnetYAMNet neural network (R2020b 이후)
yolov2ObjectDetectorDetect objects using YOLO v2 object detector (R2019a 이후)
yolov3ObjectDetectorDetect objects using YOLO v3 object detector (R2021a 이후)
yolov4ObjectDetectorDetect objects using YOLO v4 object detector (R2022a 이후)
yoloxObjectDetectorDetect objects using YOLOX object detector (R2023b 이후)